Coder Social home page Coder Social logo

google-research / language Goto Github PK

View Code? Open in Web Editor NEW
1.6K 61.0 341.0 6.23 MB

Shared repository for open-sourced projects from the Google AI Language team.

Home Page: https://ai.google/research/teams/language/

License: Apache License 2.0

Python 80.63% Shell 2.08% CSS 0.01% HTML 0.28% Jupyter Notebook 16.79% C++ 0.11% JavaScript 0.10%
natural-language-processing machine-learning research

language's Introduction

Google Research: Language

Shared repository for open-sourced projects from the Google Research Language team.

This is not an official Google product.

language's People

Contributors

bdhingra avatar calberti avatar dhgarrette avatar djweiss avatar harmon758 avatar jhclark-google avatar kentonl avatar manzilz avatar oja avatar slavpetrov avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

language's Issues

Where I can get valid json?

I try run this for jsonl

python -m language.question_answering.bert_joint.prepare_nq_data \
  --logtostderr \
  --input_jsonl ~/data/nq-train-??.jsonl.gz \
  --output_tfrecord ~/output_dir/nq-train.tfrecords-00000-of-00001 \
  --max_seq_length=512 \
  --include_unknowns=0.02 \
  --vocab_file=bert-joint-baseline/vocab-nq.txt

but get error

Traceback (most recent call last):
  File "/home/achaptykov/anaconda3/envs/py36-test/lib/python3.6/runpy.py", line 193, in _run_module_as_main
    "__main__", mod_spec)
  File "/home/achaptykov/anaconda3/envs/py36-test/lib/python3.6/runpy.py", line 85, in _run_code
    exec(code, run_globals)
  File "/data1/achaptykov/model/googlebert/language/question_answering/bert_joint/prepare_nq_data.py", line 90, in <module>
    tf.app.run()
  File "/data1/achaptykov/model/googlebert/env/lib/python3.6/site-packages/tensorflow/python/platform/app.py", line 125, in run
    _sys.exit(main(argv))
  File "/data1/achaptykov/model/googlebert/language/question_answering/bert_joint/prepare_nq_data.py", line 69, in main
    for example in get_examples(FLAGS.input_jsonl):
  File "/data1/achaptykov/model/googlebert/language/question_answering/bert_joint/prepare_nq_data.py", line 59, in get_examples
    for line in input_file:
  File "/home/achaptykov/anaconda3/envs/py36-test/lib/python3.6/gzip.py", line 374, in readline
    return self._buffer.readline(size)
  File "/home/achaptykov/anaconda3/envs/py36-test/lib/python3.6/_compression.py", line 68, in readinto
    data = self.read(len(byte_view))
  File "/home/achaptykov/anaconda3/envs/py36-test/lib/python3.6/gzip.py", line 463, in read
    if not self._read_gzip_header():
  File "/home/achaptykov/anaconda3/envs/py36-test/lib/python3.6/gzip.py", line 406, in _read_gzip_header
    magic = self._fp.read(2)
  File "/home/achaptykov/anaconda3/envs/py36-test/lib/python3.6/gzip.py", line 91, in read
    self.file.read(size-self._length+read)
TypeError: can't concat str to bytes

hi i have questions about realm model

i have checked the realm_data ,and it seams to no tf_hub module for doc embedding . i donot know where to download the module files .

thank you for your reply .

Training Instructions for xsp

Hi,
Thanks for uploading the code of your paper "Exploring Unexplored Generalization Challenges for Cross-Database Semantic Parsing". I was wondering if you can share the instructions for pre-processing and training the model to re-produce the results in the papers. Thanks.

--Ahmed

Fine Tune Script ReadMe Description Error

There is an error in the script for fine tuning the bert baseline:
--train_precomputed=nq-train.tfrecords-00000-of-00001 \ should be
--train_precomputed_file=bert-joint-baseline/nq-train.tfrecords-00000-of-00001 \

python -m language.question_answering.bert_joint.run_nq \
  --logtostderr \
  --bert_config_file=bert-joint-baseline/bert_config.json \
  --vocab_file=bert-joint-baseline/vocab-nq.txt \
  --train_precomputed_file=bert-joint-baseline/nq-train.tfrecords-00000-of-00001 \
  --train_num_precomputed=494670 \
  --learning_rate=3e-5 \
  --num_train_epochs=1 \
  --max_seq_length=512 \
  --save_checkpoints_steps=5000 \
  --init_checkpoint=uncased_L-24_H-1024_A-16/bert_model.ckpt \
  --do_train \
  --output_dir=bert_model_output

Is the vocabulary of BERT the same as the vocabulary of BERT-joint?

As mentioned in the technical report, special markup tokens, such as "[Paragraph=N]" and "[Table=N]", were introduced. I think there are no such tokens in the vocabulary for BERT model. So the embedding table in the first layer of the transformer encoder seems different between BERT and BERT-joint. But the BERT-joint used a pre-trained BERT model. I had a hard time understanding this part. Any ideas?

nq_eval.py file is missing

Thanks for publishing your code. It seems the nq_eval.py file is missing when I run this command:
python -m natural_questions.nq_eval
--logtostderr
--gold_path=tiny-dev/nq-dev-sample.jsonl.gz
--predictions_path=bert_model_output/predictions.json

Could you also publish this file?

TPU Training Error: File system scheme '[local]' not implemented

Hello, I am trying to train the model using TPU on google colab but I am getting the following error:

File system scheme '[local]' not implemented (file: 'bert_model_output/model.ckpt-0_temp_f8abfc6da61c4125b70d95ab7b73ced3')
[[node save/SaveV2 (defined at tensorflow-1.15.2/python3.6/tensorflow_core/python/framework/ops.py:1748) ]]

UnicodeDecodeError: 'utf-8' codec can't decode byte 0x8b in position 1: invalid start byte

I was just trying to get the baseline model working with the preprocessed training set but I run into an issue upon trying to evaluate the tiny-dev:

Traceback (most recent call last):
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/multiprocessing/pool.py", line 121, in worker
    result = (True, func(*args, **kwds))
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/multiprocessing/pool.py", line 44, in mapstar
    return list(map(*args))
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/site-packages/natural_questions/eval_utils.py", line 264, in read_annotation_from_one_split
    for line in input_file:
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/gzip.py", line 374, in readline
    return self._buffer.readline(size)
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/_compression.py", line 68, in readinto
    data = self.read(len(byte_view))
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/gzip.py", line 463, in read
    if not self._read_gzip_header():
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/gzip.py", line 406, in _read_gzip_header
    magic = self._fp.read(2)
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/gzip.py", line 91, in read
    self.file.read(size-self._length+read)
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/codecs.py", line 322, in decode
    (result, consumed) = self._buffer_decode(data, self.errors, final)
UnicodeDecodeError: 'utf-8' codec can't decode byte 0x8b in position 1: invalid start byte
"""

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/runpy.py", line 193, in _run_module_as_main
    "__main__", mod_spec)
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/runpy.py", line 85, in _run_code
    exec(code, run_globals)
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/site-packages/natural_questions/nq_eval.py", line 462, in <module>
    app.run(main)
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/site-packages/absl/app.py", line 299, in run
    _run_main(main, args)
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/site-packages/absl/app.py", line 250, in _run_main
    sys.exit(main(argv))
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/site-packages/natural_questions/nq_eval.py", line 425, in main
    FLAGS.gold_path, n_threads=FLAGS.num_threads)
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/site-packages/natural_questions/eval_utils.py", line 303, in read_annotation
    dict_list = pool.map(read_annotation_from_one_split, input_paths)
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/multiprocessing/pool.py", line 268, in map
    return self._map_async(func, iterable, mapstar, chunksize).get()
  File "/home/mmcmill/anaconda3/envs/tf_gpu/lib/python3.7/multiprocessing/pool.py", line 657, in get
    raise self._value
UnicodeDecodeError: 'utf-8' codec can't decode byte 0x8b in position 1: invalid start byte

Is the tiny-dev sample file incorrect? I don't understand why this would happen otherwise.

Code example for pre-trained REALM models?

Hey! I'd like to try out the pre-trained REALM models (meaning ask a question and get an answer), but was wondering if there were any code examples we could try to use it? I haven't found any in the read me.

How to get data for DrKit?

DrKit uses wikidata and a few other data sets, before going through the work of constructing these datasets, are they available somewhere? Specifically the proccessed_wiki.json file, even better if there is a script that generates this file.

Error: pip install bert-tensorflow natural-questions

Collecting wsgiref (from natural-questions)
Using cached https://files.pythonhosted.org/packages/41/9e/309259ce8dff8c596e8c26df86dbc4e848b9249fd36797fd60be456f03fc/wsgiref-0.1.2.zip
Complete output from command python setup.py egg_info:
Traceback (most recent call last):
File "", line 1, in
File "C:\Users\as\AppData\Local\Temp\pip-install-bvrvsuv5\wsgiref\setup.py", line 5, in
import ez_setup
File "C:\Users\as\AppData\Local\Temp\pip-install-bvrvsuv5\wsgiref\ez_setup_init_.py", line 170
print "Setuptools version",version,"or greater has been installed."
^
SyntaxError: Missing parentheses in call to 'print'. Did you mean print("Setuptools version",version,"or greater has been installed.")?

----------------------------------------

Command "python setup.py egg_info" failed with error code 1 in C:\Users\as\AppData\Local\Temp\pip-install-bvrvsuv5\wsgiref\

Installation failed

Command:

  • sudo pip3 install bert-tensorflow natural-questions

Version:

  • python: 3.7
  • tensorflow: 2.0
  • pip: 19.2

Logs:

Collecting wsgiref (from natural-questions)
Downloading https://files.pythonhosted.org/packages/41/9e/309259ce8dff8c596e8c26df86dbc4e848b9249fd36797fd60be456f03fc/wsgiref-0.1.2.zip
ERROR: Command errored out with exit status 1:
command: /usr/bin/python3.7 -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-install-y1d6cb8r/wsgiref/setup.py'"'"'; file='"'"'/tmp/pip-install-y1d6cb8r/wsgiref/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' egg_info --egg-base pip-egg-info
cwd: /tmp/pip-install-y1d6cb8r/wsgiref/
Complete output (8 lines):
Traceback (most recent call last):
File "", line 1, in
File "/tmp/pip-install-y1d6cb8r/wsgiref/setup.py", line 5, in
import ez_setup
File "/tmp/pip-install-y1d6cb8r/wsgiref/ez_setup/init.py", line 170
print "Setuptools version",version,"or greater has been installed."
^
SyntaxError: Missing parentheses in call to 'print'. Did you mean print("Setuptools version",version,"or greater has been installed.")?
----------------------------------------
ERROR: Command errored out with exit status 1: python setup.py egg_info Check the logs for full command output.

how to train with this data

there are many answers include long answers and short answers, if I train a model, which answer should I use, it couldn't use all of the condidates long answers, if do that, the model can't converage.

Script problems for consistent_zero_shot_nmt

Hi! I am trying to replicate your results. But stuck on some problems.

  1. download_and_preproc_uncorpus.sh is missing. I don't know how to prepare uncorpus for your program without it.
  2. For europarl dataset. First your program tries to find wmt06 folder which has been replaced by wmt07:
"src_fname": "wmt06/dev/dev2006.{src_lang}".format(src_lang=src_lang),
#from data_generators\translate_europarl.py

I fixed this by changing the code in data_generators\translate_europarl.py

  1. For Europarl dataset., TF 1.13.1 and Tensor2Tensor 1.11.0 is fine. But one dependency of Tensor2Tensor is Mesh Tensorflow which will trying to import tensor's TPU support part not covered in TF 1.13.1 thus giving the following error:
 File "/usr/lib/python3.6/runpy.py", line 193, in _run_module_as_main
    "__main__", mod_spec)
  File "/usr/lib/python3.6/runpy.py", line 85, in _run_code
    exec(code, run_globals)
  File "/content/language/language/labs/consistent_zero_shot_nmt/bin/t2t_trainer.py", line 27, in <module>
    from tensor2tensor.bin import t2t_trainer
  File "/usr/local/lib/python3.6/dist-packages/tensor2tensor/bin/t2t_trainer.py", line 25, in <module>
    from tensor2tensor import models  # pylint: disable=unused-import
  File "/usr/local/lib/python3.6/dist-packages/tensor2tensor/models/__init__.py", line 29, in <module>
    from tensor2tensor.models import mtf_image_transformer
  File "/usr/local/lib/python3.6/dist-packages/tensor2tensor/models/mtf_image_transformer.py", line 29, in <module>
    import mesh_tensorflow as mtf
  File "/usr/local/lib/python3.6/dist-packages/mesh_tensorflow/__init__.py", line 26, in <module>
    from mesh_tensorflow import simd_mesh_impl
  File "/usr/local/lib/python3.6/dist-packages/mesh_tensorflow/simd_mesh_impl.py", line 32, in <module>
    from tensorflow.python.tpu.ops import tpu_ops  # pylint: disable=g-direct-tensorflow-import
ModuleNotFoundError: No module named 'tensorflow.python.tpu'

Examples with correct context retained: 0 of 0

Environment

https://hub.docker.com/repository/docker/zzj0402/natural-questions-environment

Running Script

python -m language.question_answering.bert_joint.prepare_nq_data \
  --logtostderr \
  --input_jsonl /root/data/v1.0/nq-train-??.jsonl.gz \
  --output_tfrecord ~/output_dir/nq-train.tfrecords-00000-of-00001 \
  --max_seq_length=512 \
  --include_unknowns=0.02 \
  --vocab_file=bert-joint-baseline/vocab-nq.txt \
  --max_contexts=8

Output

Console

Examples with correct context retained: 0 of 0

File

~/output_dir/nq-train.tfrecords-00000-of-00001 is empty

YES/NO answer

Hi! I was taking a look at the code and saw that the predictions seem to always output NONE for the yes/no answer part (line 1265 in run_nq.py, "yes_no_answer": "NONE").

This confused me a bit. My plan is to modify the code to obtain this part of the prediction from the answer_type_logits, but I just wanted to be sure this makes sense.

How to run it on GPU?

I'm trying to use your code to train the model. However, when I run it, the program defaults to CPU instead of GPU. I only have GPU, but I don't know how to modify it. Could you please give me some advices?

Predictions result is empty when run within shared checkpoint

I got warning about Could not find trained model in mode_dir: bert_model_ouput and the predictions is empty. I run it with python3. Does any one here got the same issue?

File "run_nq.py", line 1472, in main [r._asdict() for r in all_results]) File "run_nq.py", line 1308, in compute_pred_dict summary = compute_predictions(e) File "run_nq.py", line 1240, in compute_predictions score, summary, start_span, end_span = sorted(predictions, reverse=True)[0] IndexError: list index out of range

AttributeError: 'module' object has no attribute 'experimental'

Traceback (most recent call last):
  File "/usr/lib/python2.7/runpy.py", line 174, in _run_module_as_main
    "__main__", fname, loader, pkg_name)
  File "/usr/lib/python2.7/runpy.py", line 72, in _run_code
    exec code in run_globals
  File "/root/language/language/question_answering/bert_joint/run_nq.py", line 1442, in <module>
    tf.app.run()
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/platform/app.py", line 125, in run
    _sys.exit(main(argv))
  File "/root/language/language/question_answering/bert_joint/run_nq.py", line 1412, in main
    predict_input_fn, yield_single_examples=True):
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/estimator/estimator.py", line 541, in predict
    input_fn, model_fn_lib.ModeKeys.PREDICT)
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/estimator/estimator.py", line 994, in _get_features_from_input_fn
    result = self._call_input_fn(input_fn, mode)
  File "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tpu/python/tpu/tpu_estimator.py", line 2330, in _call_input_fn
    return input_fn(**kwargs)
  File "/root/language/language/question_answering/bert_joint/run_nq.py", line 1047, in input_fn
    tf.data.experimental.map_and_batch(
AttributeError: 'module' object has no attribute 'experimental'

Issue in preprocessing the dev set of natural QA

Hi,
I was trying to download and preprocess the Natural QA data. I followed the instructions and downloaded it successfully. However, I encountered this error while preprocessing

python -m language.question_answering.preprocessing.create_nq_short_pipeline_examples   --input_pattern=$NQ_DATA_DIR/dev/nq-dev-*.jsonl.gz   --output_dir=$NQ_DATA_DIR/dev
I0124 13:27:44.925077 4667721152 tf_logging.py:115] Converting input 0 files: []
Traceback (most recent call last):
  File "/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/runpy.py", line 193, in _run_module_as_main
    "__main__", mod_spec)
  File "/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/runpy.py", line 85, in _run_code
    exec(code, run_globals)
  File "/Users/user/Reseach/QA_and_Dialog/language/language/question_answering/preprocessing/create_nq_short_pipeline_examples.py", line 109, in <module>
    app.run(main)
  File "/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/absl/app.py", line 300, in run
    _run_main(main, args)
  File "/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/absl/app.py", line 251, in _run_main
    sys.exit(main(argv))
  File "/Users/user/Reseach/QA_and_Dialog/language/language/question_answering/preprocessing/create_nq_short_pipeline_examples.py", line 102, in main
    pool = multiprocessing.Pool(num_threads)
  File "/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/multiprocessing/context.py", line 119, in Pool
    context=self.get_context())
  File "/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/multiprocessing/pool.py", line 167, in __init__
    raise ValueError("Number of processes must be at least 1")
ValueError: Number of processes must be at least 1

What am I doing wrong here?

ERROR: Command errored out with exit status 1: python setup.py egg_info Check the logs for full command output.

When I am installing BERT Baseline for NQ I have the following error:
my command in colab: !pip install bert-tensorflow natural-questions
output:
Collecting bert-tensorflow
Using cached https://files.pythonhosted.org/packages/20/16/0f9376af49c6adcfbaf2470a8f500105a74dd803aa54ac0110af445837b5/bert_tensorflow-1.0.4-py2.py3-none-any.whl
Collecting natural-questions
Using cached https://files.pythonhosted.org/packages/d5/d7/020da0200e8129c0ae7a1da998c7ff84dd2f3a4660711b2aa39286c67f85/natural_questions-1.0.4-py2.py3-none-any.whl
Requirement already satisfied: six in /usr/local/lib/python3.6/dist-packages (from bert-tensorflow) (1.15.0)
Requirement already satisfied: tornado in /usr/local/lib/python3.6/dist-packages (from natural-questions) (5.1.1)
Requirement already satisfied: jinja2 in /usr/local/lib/python3.6/dist-packages (from natural-questions) (2.11.2)
Requirement already satisfied: absl-py in /usr/local/lib/python3.6/dist-packages (from natural-questions) (0.10.0)
Collecting wsgiref
Using cached https://files.pythonhosted.org/packages/41/9e/309259ce8dff8c596e8c26df86dbc4e848b9249fd36797fd60be456f03fc/wsgiref-0.1.2.zip
ERROR: Command errored out with exit status 1: python setup.py egg_info Check the logs for full command output.

After I run : !gsutil cp -R gs://bert-nq/bert-joint-baseline . and here is no,
but this command also gives me error :

%%bash
python -m language.question_answering.bert_joint.run_nq \
  --logtostderr \
  --bert_config_file=bert-joint-baseline/bert_config.json \
  --vocab_file=bert-joint-baseline/vocab-nq.txt \
  --predict_file=tiny-dev/nq-dev-sample.no-annot.jsonl.gz \
  --init_checkpoint=bert-joint-baseline/bert_joint.ckpt \
  --do_predict \
  --output_dir=bert_model_output \
  --output_prediction_file=bert_model_output/predictions.json

output:/usr/bin/python3: Error while finding module specification for 'language.question_answering.bert_joint.run_nq' (ModuleNotFoundError: No module named 'language')

What is the problem?

CC-news reproduction

Dear authors,

I want to use the CC-news dataset to train my model.

Now, I use https://github.com/fhamborg/news-please to construct CC-news corpus from CC.

But I don't know if it's the right way to obtain CC-news by directing running

python3 -m newsplease.examples.commoncrawl

Questions:

  • Did you use the same tool? Did you add some extra filtering rules?
  • Since you can't release the CC-news corpus, could you tell me how to collect CC-news corpus by myself?

Memory requirements to train bert-joint question answering model?

Hi,

To replicate the results, I am trying to train the bert-joint model using the below command:

python -m language.question_answering.bert_joint.run_nq \ --logtostderr \ --bert_config_file=wwm_uncased_L-24_H-1024_A-16/bert_config.json \ --vocab_file=wwm_uncased_L-24_H-1024_A-16/vocab.txt \ --train_precomputed_file=bert-joint-baseline/nq-train.tfrecords-00000-of-00001 \ --train_num_precomputed=494670 \ --learning_rate=3e-5 \ --num_train_epochs=1 \ --max_seq_length=512 \ --save_checkpoints_steps=5000 \ --init_checkpoint=uncased_L-24_H-1024_A-16/bert_model.ckpt \ --do_train \ --output_dir=baseline \ --use_tpu=False \ --output_prediction_file=baseline/predictions.json

But I am running into Out of Memory issues.
What are the minimum requirements to train the model. I am using GPU for training.

BERT EXTRACTION: Unable to reproduce results on MNLI

Following the scrips I trained a teacher model successfully, generated the extraction data and ran the knowledge distillation on teacher logits. On evaluation on the dev set I am getting 0.319 eval accuracy.

/usr/bin/python: No module named language.question_answering.bert_joint

When I try to run python -m language.question_answering.bert_joint.prepare_nq_data --logtostderr --input_jsonl ~/data/nq-train-??.jsonl.gz --output_tfrecord ~/output_dir/nq-train.tfrecords-00000-of-00001 --max_seq_length=512 --include_unknowns=0.02 --vocab_file=bert-joint-baseline/vocab-nq.txt
It throws the error

/usr/bin/python: No module named language.question_answering.bert_joint

Running Code Consistent Zero-shot NMT on multi-GPU has an error

I tried to run the run_nmt_experiment.sh with parse-args.sh
EXP_CONF_NAME="ag_gnmt_luong_att"
EXP_MODEL_NAME="agreement_multilingual_nmt"
EXP_PROBLEM_NAME="translate_iwslt17_nonoverlap"
and set --worker_gpu=2๏ผŒbut when in evaluation

INFO:tensorflow:Evaluation [10/100]

got an error

Traceback (most recent call last):
File "/home/jingzhao/.conda/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1334, in _do_call
return fn(*args)
File "/home/jingzhao/.conda/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1319, in _run_fn
options, feed_dict, fetch_list, target_list, run_metadata)
File "/home/jingzhao/.conda/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1407, in _call_tf_sessionrun
run_metadata)
tensorflow.python.framework.errors_impl.InvalidArgumentError: ConcatOp : Dimensions of inputs should match: shape[0] = [12,77,1,1,32460] vs. shape[1] = [12,78,1,1,32460]
[[{{node agreement_multilingual_nmt/concat}}]]
[[{{node ConstantFoldingCtrl/mean/broadcast_weights/assert_broadcastable/AssertGuard/Switch_0}}]]

and final error info is

InvalidArgumentError (see above for traceback): ConcatOp : Dimensions of inputs should match: shape[0] = [12,77,1,1,32460] vs. shape[1] = [12,78,1,1,32460]
[[node agreement_multilingual_nmt/concat (defined at /home/jingzhao/.conda/envs/tensorflow/lib/python3.6/site-packages/tensor2tensor/utils/t2t_model.py:240) ]]
[[{{node ConstantFoldingCtrl/mean/broadcast_weights/assert_broadcastable/AssertGuard/Switch_0}}]]

but set --worker_gpu=1, it seems ok.

BERT Baseline NQ pip install issue

pip install seems installing the file to python2 packages.
pip3 install bert-tensorflow natural-questions outputs:

Complete output from command python setup.py egg_info:
    Traceback (most recent call last):
      File "<string>", line 1, in <module>
      File "/tmp/pip-build-52v2v26x/wsgiref/setup.py", line 5, in <module>
        import ez_setup
      File "/tmp/pip-build-52v2v26x/wsgiref/ez_setup/__init__.py", line 170
        print "Setuptools version",version,"or greater has been installed."
                                 ^
    SyntaxError: Missing parentheses in call to 'print'. Did you mean print("Setuptools version",version,"or greater has been installed.")?

python version

Which python3 version is tested? I run into many issues with Python 3.5.3. Such as iteritems vs items xrange vs range or trying to add zip + list variables.

drkit instructions

hi

i'm really interested in using drkit. i realize the repo is in the labs section, which comes with caveats. is it possible to get a set of minimal reproducible steps? the demo of the paper is really fascinating and it'd be great to be able to try using the codebase on a virtual kb.

Error: the example ids in gold annotations and example ids in the prediction are not equal.

Hi,
For model evaluation, I ran the code as given in the description:
python language/language/question_answering/bert_joint/run_nq.py --logtostderr --bert_config_file=bert-joint-baseline/bert_config.json --vocab_file=bert-joint-baseline/vocab-nq.txt --predict_file=tiny-dev/nq-dev-sample.no-annot.json1.gz --init_checkpoint=bert-joint-baseline/bert_joint.ckpt --do_predict --output_dir=bert_model_output

Which ran successfully and gave me the prediction files in bert_model_output.

I then ran
python natural_questions/natural-questions/nq_eval.py --logtostderr --gold_path=tiny-dev/nq-dev-sample.jsonl.gz --predictions_path=bert_model_output/predictions.json

But that gave me the error :
ERROR: the example ids in gold annotations and example ids in the prediction are not equal

Could you please tell me what am I doing wrong?
Thanks a lot!
Urvashi

Dev Environment

What is the recommended development environment for this repo?

I kept running into weird version conflicts from either Python2/3 or Tensorflow1/2. A specification and a docker image would be much appreciated.

using Bert embeddings in ORCA/REALM retriever

i see that both ORCA and REALM retrievers use BERT embeddings to find the closest passages for queries.

i was wondering how one would reconcile the following statement attributed to Jacob Devlin....
UKPLab/sentence-transformers#80

I am wondering if training a BERT model on my documents would be a pre-requisite to using any BERT-based retrievers.

TypeError: '<' not supported between instances of 'ScoreSummary' and 'ScoreSummary'

I'm getting a TypeError when I run the run_nq script on the tiny-dev sample on Google Colabatory using Python 3.6 / TF 1.15. It's odd as I previously was able to run the script just fine and compute predictions but it seems to be failing now when it's producing the predictions and I'm not sure why as I didn't touch the script at all except for updating flags.

Traceback (most recent call last):
  File "run_nq.py", line 1444, in <module>
    tf.app.run()
  File "/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/platform/app.py", line 40, in run
    _run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
  File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 299, in run
    _run_main(main, args)
  File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 250, in _run_main
    sys.exit(main(argv))
  File "run_nq.py", line 1434, in main
    [r._asdict() for r in all_results])
  File "run_nq.py", line 1270, in compute_pred_dict
    summary = compute_predictions(e)
  File "run_nq.py", line 1201, in compute_predictions
    score, summary, start_span, end_span = sorted(predictions, reverse=True)[0]
TypeError: '<' not supported between instances of 'ScoreSummary' and 'ScoreSummary'```

Is pre-training on SQUAD necessary for bert-joint?

On your technical note it is mentioned that your model was initialized from a bert model finetuned on SQUAD 1.1 and on github it's stated that you pre trained it on SQUAD 2.
Is it necessary to pre train the bert model on a SQUAD data? or can it be done just using a pre trained bert model provided in the google bert page?
Asking this because I'm currently trying to train the bert-joint model using the hyper parameters and bert model you suggested on the page but training cost keeps fluctuating between 1~5.
Thanks!

(bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?

Edit: Updated to reflect actual commands as I run them on my system.

Is the file bert-joint-baseline/bert_joint.ckpt the same as bert_joint.ckpt.data-00000-of-00001 that comes from gsutil cp -R gs://bert-nq/bert-joint-baseline?

When I try to run this command:

python -m language.question_answering.bert_joint.run_nq \
  --logtostderr \
  --bert_config_file=/home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/bert-joint-baseline/bert_config.json \
  --vocab_file=/home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/bert-joint-baseline/vocab-nq.txt \
  --predict_file=/home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/tiny-dev/nq-dev-sample.no-annot.jsonl.gz \
  --init_checkpoint=/home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/bert-joint-baseline/bert_joint.ckpt.data-00000-of-00001 \
  --do_predict \
  --output_dir=/home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/bert_model_output \
  --output_prediction_file=/home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/bert_model_output/predictions.json

I get the following error:

Dense object at 0x7f1a6a53d8d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a53d8d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:43.518943 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a53d8d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a53d8d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:43.657736 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:43.775211 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:43.894035 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3045d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3da6d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3da6d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:44.031188 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3da6d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3da6d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a4a8b50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a4a8b50>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:44.164052 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a4a8b50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a4a8b50>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a6e0e10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a6e0e10>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:44.287617 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a6e0e10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a6e0e10>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:44.427613 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:44.544684 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:44.662724 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a110c90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a6e0d90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a6e0d90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:44.800192 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a6e0d90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a6e0d90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a226ed0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a226ed0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:44.934792 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a226ed0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a226ed0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:45.060535 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:45.199557 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:45.317492 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:45.436130 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69eb1dd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a43a790>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a43a790>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:45.575053 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a43a790>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a43a790>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a30f150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a30f150>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:45.972696 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a30f150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a30f150>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6af83050>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6af83050>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:46.095180 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6af83050>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6af83050>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:46.233392 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:46.351079 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:46.469881 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69c51250>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69bc1dd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69bc1dd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:46.606360 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69bc1dd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69bc1dd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6aa25250>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6aa25250>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:46.739645 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6aa25250>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6aa25250>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3e4910>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3e4910>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:46.864470 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3e4910>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a3e4910>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:47.003113 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:47.120925 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:47.238507 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69b2d650>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6aa0d2d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6aa0d2d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:47.377238 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6aa0d2d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6aa0d2d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a30f150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a30f150>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:47.510124 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a30f150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a30f150>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:47.634403 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:47.773729 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:47.892391 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:48.011029 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699851d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a55ae90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a55ae90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:48.148793 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a55ae90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a55ae90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:48.281766 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6a685e50>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a309d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a309d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:48.405868 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a309d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a309d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:48.544123 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:48.663206 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:48.781132 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6981b150>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69f61b90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69f61b90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:48.918333 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69f61b90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69f61b90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69f4b150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69f4b150>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:49.050810 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69f4b150>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69f4b150>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6987b3d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6987b3d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:49.172960 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6987b3d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6987b3d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:49.311835 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:49.429819 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:49.549242 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a696f23d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a15290>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a15290>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:49.686786 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a15290>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a15290>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6987b3d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6987b3d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:49.820715 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6987b3d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6987b3d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6992d690>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6992d690>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:49.945169 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6992d690>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6992d690>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:50.084197 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:50.202420 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:50.320025 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6952d410>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69775b50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69775b50>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:50.457684 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69775b50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69775b50>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699dff10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699dff10>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:50.591401 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699dff10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a699dff10>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69697bd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69697bd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:50.717092 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69697bd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69697bd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:50.856470 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:50.975142 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:51.093012 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a693b0d10>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69576890>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69576890>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:51.229923 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69576890>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69576890>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69590c50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69590c50>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:51.363295 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69590c50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69590c50>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a309d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a309d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:51.487663 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a309d0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69a309d0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:51.627057 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:51.746234 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:51.865833 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6927d490>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6922fa50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6922fa50>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:52.004545 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6922fa50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6922fa50>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69713bd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69713bd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:52.139254 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69713bd0>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69713bd0>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6940b390>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6940b390>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:52.262509 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6940b390>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6940b390>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:52.686311 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:52.804294 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:52.922844 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6909aa90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69ab0790>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69ab0790>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:53.062000 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69ab0790>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a69ab0790>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a692faa90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a692faa90>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:53.195945 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a692faa90>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a692faa90>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6922fa50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6922fa50>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:53.320775 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6922fa50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6922fa50>>: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6b9d6d50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6b9d6d50>>: AssertionError: Bad argument number for Name: 3, expecting 4
W1223 16:04:53.562136 139752599275328 ag_logging.py:145] Entity <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6b9d6d50>> could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting <bound method Dense.call of <tensorflow.python.layers.core.Dense object at 0x7f1a6b9d6d50>>: AssertionError: Bad argument number for Name: 3, expecting 4
2019-12-23 16:04:53.828857: W tensorflow/core/util/tensor_slice_reader.cc:95] Could not open /home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/bert-joint-baseline/bert_joint.ckpt.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
ERROR:tensorflow:Error recorded from prediction_loop: Unable to open table file /home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/bert-joint-baseline/bert_joint.ckpt.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
E1223 16:04:53.829073 139752599275328 error_handling.py:70] Error recorded from prediction_loop: Unable to open table file /home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/bert-joint-baseline/bert_joint.ckpt.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
INFO:tensorflow:prediction_loop marked as finished
I1223 16:04:53.829291 139752599275328 error_handling.py:96] prediction_loop marked as finished
WARNING:tensorflow:Reraising captured error
W1223 16:04:53.829410 139752599275328 error_handling.py:130] Reraising captured error
Traceback (most recent call last):
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/runpy.py", line 174, in _run_module_as_main
    "__main__", fname, loader, pkg_name)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/runpy.py", line 72, in _run_code
    exec code in run_globals
  File "/home/ec2-user/SageMaker/language/language/question_answering/bert_joint/run_nq.py", line 1442, in <module>
    tf.app.run()
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 40, in run
    _run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/absl/app.py", line 299, in run
    _run_main(main, args)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/absl/app.py", line 250, in _run_main
    sys.exit(main(argv))
  File "/home/ec2-user/SageMaker/language/language/question_answering/bert_joint/run_nq.py", line 1412, in main
    predict_input_fn, yield_single_examples=True):
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 2919, in predict
    rendezvous.raise_errors()
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow_estimator/python/estimator/tpu/error_handling.py", line 131, in raise_errors
    six.reraise(typ, value, traceback)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 2913, in predict
    yield_single_examples=yield_single_examples):
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 619, in predict
    features, None, ModeKeys.PREDICT, self.config)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 2709, in _call_model_fn
    config)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 1146, in _call_model_fn
    model_fn_results = self._model_fn(features=features, **kwargs)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 2967, in _model_fn
    features, labels, is_export_mode=is_export_mode)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 1549, in call_without_tpu
    return self._call_model_fn(features, labels, is_export_mode=is_export_mode)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 1867, in _call_model_fn
    estimator_spec = self._model_fn(features=features, **kwargs)
  File "/home/ec2-user/SageMaker/language/language/question_answering/bert_joint/run_nq.py", line 928, in model_fn
    ) = modeling.get_assignment_map_from_checkpoint(tvars, init_checkpoint)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/bert/modeling.py", line 330, in get_assignment_map_from_checkpoint
    init_vars = tf.train.list_variables(init_checkpoint)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow/python/training/checkpoint_utils.py", line 97, in list_variables
    reader = load_checkpoint(ckpt_dir_or_file)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow/python/training/checkpoint_utils.py", line 66, in load_checkpoint
    return pywrap_tensorflow.NewCheckpointReader(filename)
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 636, in NewCheckpointReader
    return CheckpointReader(compat.as_bytes(filepattern))
  File "/home/ec2-user/anaconda3/envs/tensorflow_p27/lib/python2.7/site-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 648, in __init__
    this = _pywrap_tensorflow_internal.new_CheckpointReader(filename)
tensorflow.python.framework.errors_impl.DataLossError: Unable to open table file /home/ec2-user/SageMaker/Projects/tensorflow2-question-answering/bert-joint-baseline/bert_joint.ckpt.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?

Do I need to run some kind of conversion on the checkpoint?

Unicode error while running evaluation on tiny-dev dataset

I have downloaded the tiny-dev dataset, preprocessed data and the pretrained model. while running evaluation code using the following command

python -m language.question_answering.bert_joint.run_nq \
  --logtostderr \
  --bert_config_file=bert-joint-baseline/bert_config.json \
  --vocab_file=bert-joint-baseline/vocab-nq.txt \
  --predict_file=tiny-dev/nq-dev-sample.no-annot.jsonl.gz \
  --init_checkpoint=bert-joint-baseline/bert_joint.ckpt \
  --do_predict \
  --output_dir=bert_model_output

it is throwing following error.

naturalqa_error

[macOS] Realm: segmentation fault when launching document index refresher

I'm using a recent MacBook Pro and have followed the instructions to use a conda environment. However, I get the following errors when I attempt to start the document index refresher (step 1 in Running the code in the REALM readme). I've included the gcloud login line to show that I am logged in, despite the "All attempts to get a Google authentication bearer token failed" message. I'd imagine that the TensorFlow warnings are just because this project uses an older version of TensorFlow, but they are included for completeness' sake. Note that the text becomes scrambled at a certain point; I have no idea what that means. I am using Apple zsh in macOS Catalina (10.15.6).

โฏ gcloud auth login
Your browser has been opened to visit:

    https://accounts.google.com/o/oauth2/auth?[redacted]



You are now logged in as [redacted].
Your current project is [None].  You can change this setting by running:
  $ gcloud config set project PROJECT_ID
โฏ sh language/realm/local_launcher.sh refresh
2020-08-25 11:21:14.765679: W tensorflow/core/platform/cloud/google_auth_provider.cc:178] All attempts to get a Google authentication bearer token failed, returning an empty token. Retrieving token from files failed with "Not found: Could not locate the credentials file.". Retrieving token from GCE failed with "Aborted: All 10 retry attempts failed. The last failure: Unavailable: Error executing an HTTP request: libcurl code 6 meaning 'Couldn't resolve host name', error details: Couldn't resolve host 'metadata'".
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.987791 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.988698 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.989794 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.991188 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.991858 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.993469 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.994431 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.995805 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.997133 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
WARNING:tensorflow:From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
W0825 11:21:14.999843 4593778112 deprecation.py:323] From [redacted]/realm/language/realm/retrieval.py:135: tf_record_iterator (from tensorflow.python.lib.io.tf_record) is deprecated and will be removed in a future version.
Instructions for updating:
Use eager execution and: 
`tf.data.TFRecordDataset(path)`
Fatal Python error: Segmentation fault

Current thread 0x0000000111cf7dc0 (most recent call first):
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/site-packages/tensorflow_core/python/pywrap_tensorflow_internal.py", line 1034 in GetNext
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/site-packages/tensorflow_core/python/lib/io/tf_record.py", line 181 in tf_record_iterator
  File "[redacted]/realm/language/realm/retrieval.py", line 135 in count_tf_records
  File "[redacted]/realm/language/realm/retrieval.py", line 143 in count_tf_records_parallel_helper
  File "[redacted]/realm/language/realm/parallel.py", line 39 in process_from_queue
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/multiprocessing/process.py", line 99 in run
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/multiprocessing/process.py", line 297 in _bootstrap
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/multiprocessing/popen_fork.py", line 74 in _launch
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/multiprocessing/popen_fork.py", line 20 in __init__
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/multiprocessing/context.py", line 277 in _Popen
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/multiprocessing/context.py", line 223 in _Popen
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/multiprocessing/process.py", line 112 in start
  File "[redacted]/realm/language/realm/parallel.py", line 106 in __init__
  File "[redacted]/realm/language/realm/retrieval.py", line 162 in count_tf_records_parallel
  File "[redacted]/realm/language/realm/refresh_doc_embeds.py", line 108 in main
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/site-packages/absl/app.py", line 250 in _run_main
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/site-packages/absl/app.py", line 299 in run
  File "[redacted]/realm/language/realm/refresh_doc_embeds.py", line 192 in run_main
  File "[redacted]/realm/language/realm/refresh_doc_embeds.py", line 197 in <module>
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/runpy.py", line 85 in _run_code
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/runpy.py", line 193 in _run_module_as_main
Fatal Python error: Segmentation fault

Current thread 0x0000000111cf7dc0 (most recent call first):
  File "[redacted]/opt/anaconda3/envs/realm/lib/python3.7/sFatal Python error: Segmentation fault

Current thread 0x0000000111cf7dc0 (most recent call first):
  File "/Useite-packages/tensorflow_core/pythonrs/pywrap_tensorfl/sotwe_gianstaeurrn/aolp.tp/ya"n, line a1034cond in aFatal Python error: Fatal Python error: Segmentation fault

Segmentation faultG

eCurrent thread 0xtCurrent thread 0xN0000000111cf7dc0 (most recent call first):
3  File /ext
"  File Fatal Python error: "/Segmentation faultUse0000000111cf7dc0r/envss (most recent call first):
/

  File "/Fatal Python error: Current thread 0xSegmentation faultr

U/0000000111cf7dc0s (most recent call first):
eUesaFatal Python error:   File s"relr/Segmentation faultstUse

sCurrent thread 0xmerg0000000111cf7dc0/ (most recent call first):
s/  File a"/lss/tiCurrent thread 0xs/Ubt/p0000000111cf7dc0eeFatal Python error: ygSegmentation faultst (most recent call first):
sag

hona  File a"tsesa3Current thread 0xau/eurrsurFatal Python error: /rg/s.a7sSegmentation fault/0000000111cf7dc0/oU (most recent call first):
o  File ta"

uep/trsUs/gs/Current thread 0xa/oeipatoe0000000111cf7dc0srast//seprnuart/t/aaeos-cp (most recent call first):
n  File gaopana"tsc/pUc//snoaattenangdusae/acor3rdaosnac3a/s/odk/anugepndartaeav/3nss//es/ttane/n3/o/raeevpeseata/n/cannsclmoovnsgrodn/nlariadvfass//aelurra3eeoraallbma3m/llwc/ieb/n_//vmcs/op/ole/ponp/rydtlnhiveoyaritne/3.thsb3///eb/oa7nln/vp3prsemp/lyytitybahh/l/oma.rons/i7nletn/a/iabptlecm3hs/yitoh/./-pploin73bo.n//npyats7dhycow/nastipke3ira3-3.gt7e.appye/t/eats-ihen-opnsa_p7//3tt.cvas7i/tee-stcck/krnaaeggpaesascseoik/eatk-epel-gangrmspeorfstal/fte/lense/ancltseoikba/gsspno/erscyotoeorrwnskt/fffllohtwale_onogwwoens_c_sw__io3o.s7cnor/e/ret/eorcno/arsftprlpeycrltooen/fp.ywyh_rpetycotslin//ppyooth"r, line eotyh1034nhw in owGrona/orn_pp//ycfop_ltelwoe-/rrpyanatewp_hsocicbe/rp/pkyftyolinoh_wo/roanptwgeorey/at/ppy_Nnisnotye/pt_ttwerfsehwonerra/xp_ttrfalan_
pnr_l/oewnttene  File "s/snU_ss.sopoieyc"pnooryt, line e1034orrrfrflwd in rloeo.wp_yrwnsf/"asitGeergfaatNpne_lltselironxa.urw/p_aclnt_o, line t181.eowrptne in _
so  File yip"y"rotet"rfn/fal, line t/oen_, line n10341034arr in aw in /lUGnsc_.epaieynttNo"er, line lceeGrexntopsd1034.nay/3/e
r  File  in d"sntvtt_sai//pNrUheyxetae"o, line nG/g1034lp
s  File eat"meye in /lGlwseatriubr/.rps//Nsepoyr"/tUyptxtahpeN, line tago1034n/3 in .s7ae/ttsGao
  File es_nrtsex/isettrNne
ta
  File c""a/t  File "xeUgo/nseassao-rueutfp
aUrds  File /caerU/lkrs3res/sra/oop/sotws"_/tpsse//Utggetetsi/egnasn/aegtasaaueuvrsarsn/at/usroe/f/pl/ortao/aecarrsenptoantsandalno/a/mrlec/.a/aalnlriabonndfaasmtc3epl//py/co"3w_/, line eloaennnv1034coondgdaasy in aGar3ent/guvhpsyoura/to/enh3otg3e/rnps.e///rareatle/l7/mNeeelanax/nmv/stsn/vila
cbo/niri/  File l"elomtid/at3f//_sUribeseeeb-rn/vp/ypcsasa//tcrselhk/omnp/3ra/l.y7ma/oerglt/elsreisbi/ip/etdeb.gt/hptao-prtyiny3s"apaeu.aylvt7hrt//s, line i181m/oclpahot/eanltsoneanco.ki in 3pratbg-f._p/afny7"or, line npe3e./7scd/oard/st_ci3tkyitse/135a-etnepirlat in haostcocoeegrk
woraegfnsn_/e3t  File cvelsooso./-pwra/et/rp7uy/ntnh"ceso/n_ks/eUasoenlirtlrifl_mtcs/oosfa_rtlr/flrbgeseoewei/cs/toi-o/rwbt_eo/n_cecppasgtaodosacrrofsfyketh_a
r/eogprn  File /u"e/lcrUys///oplpitbhyeyeotr/osrhwst/_n/3c.ftdohoor.pneiy/nenll/ss7"oooair/ft, line lf_b/p/olt/etyisrgib/ie181raes in tot/w/_ittccff__oraororeedre-e/pc.olptcmhay/u"fooac/_, line rlrddp_kitya181t.rr/ah in nngt/efgeufarg_eatlooonelsrp/i/bertyc/ean"osrtrloidr./e
frca  File pl/eo, line owa"lbr/l181md/ylm_"c//ioai_U, line onr in g/ustf181iareet/g_ in ttefrtrearrpece_tro/yot/fs_rorr
hdoit.rfp  File ene/eclo"reyail"vcal./_orr/pdbUes/esr, line _t181is in cmto/i/orfer/_ttdtf__drirs.eteeragtroetgcaierseeacypvraya
touao"s, line   File 181ra in ""lt/oUfs_erdrrd.._u, line ppirrs
//yfe135st  File "l" in ecy/t, line rce/U143sf" in , line o181oglur in oetanaactoroattt/rofss_t/rdfeaua_rl/mr/e_uirc/n_frlleatt
nor  File s_"gttefaaceuertl_/goaroaercgred//rsa
soared_ma/languadgs_parallueltr  File e"_Uosr/f/h/lUoserrarle
esleeaalm//irlpemr/rre  File ssm/tt"ristt
/t  File /eer"Uese/g/aegtlrseaerraUisansgaeslu/vamu/aaevrsgteelulrragl.a/.sr/aeas/an/ustftrpflgoloryp"/ae
of, line y  File 135a in ac"g, line tt//oru"eagllmeu/r/ornara135tlta_ee// in rcesatelamml/ftrorue_rUtaer/auiceomlis/vreaannvtldlal_msgtau.
nr  File af"g_/elr/l.e/puUfapnyglyea/g""o, line rrg, line ue135ca135s in taoe/g// in e/arrcrldersaemelaeora/csosuutllsm
/  File mn"srnm/tegtea_r/ttefstaturrer/g/ef_lo_Uatsa/rtslatf/i_ueri/rrrrefreecaaonrseiveveaclomlrdl/so.astpg/vta
yual  File aedgse"
.  File /, line r"lga"//135s/aUus in rc.orUlupseaanpeyeegurnyaraslsm"/lt, line /135m/l/a_ in snfgcgl/touptsaergeaatge/aol"elurnef/, line ratg_a143ts in _ftee_arrl/srac.oecoaurandleuamlslumte/r_p/ctyfrlemoot/af
rrr  File /d/"t/frl_or"rela/eUt/a, line reactior39lseirseemdvsaln/_el
p  File g"a.alm/uv/raallaUsn.r in sapglppeayne"/, line yrg/l"res, line l143s135te/_guhaegro in cel in aeupsasg_eascgotfesurore//ecorr
luegmeaam/annsltt_at_l_aq  File r"t/uUfumufesmuer/_e_rre/erfsr/er/es/ctfrotetlrgo
cioealsvroarr  File aati/ee"lrvaeddasal..pspt/Utsleu
r_y  File r"i/m"repUyas, line "/143/srr/fe in leocsrvoaatl, line t/a143l/me in l/gllcseaaa/sorasln_gunreghtaeuegllaugneuuap.a/opta/ntgesplaym/_/tlftaraernn
_  File tf"ega/"a, line cu/_olUnr143r_ in ecsoeumrrear/e/sflrc/dlonesuacroot_tf_rtredcastmriegeaovgd_3setar_pp//aradrrseaeaa/asll/llmt_/peularree._lrranhpalil/lravesefnl/eagvulayorml/laeglatpp_ae/eral/"eh, line l143rar.ll_epehmea/ in rlib
ll/eyammllpeyl  File c.lp//yo"upnpet"e/r, line Urls
h
o"39r  File e  File e"t, line t143 in _ in nc/o"3trrsUu/af._/nnp7rrsoisU/eesmeutgccltveaersrols._ueftsipyrpg_atsf/asrsro"md_o, line tsega/qaugcs_t143ee/_re in usrescsarpeiegoc/fnluloumnto/gpea/ar_aradtsasp_aurpa/aru
alrrrlolcleserasel/ame.tfl/l/_lhpllyefoaf"la.l  File telo_/pp"n, line ralretreeca_ly99
h"  File m in /g, line u"r/aou//UUnesgl
r  File rpeeee/rlra
"  File s"a39enl/dUs/r_gpr in mse/ups/lreaUrsasa/sgeenlrss//sotagmu/sertrsecgae/aetglsaesssaampaatuglge/upaar_lr/rraofep/erreaa/ofmtgall_loha/ls_maaq/alpsteuarlnaruelala/lllfeepluc.lupey.oe/oae"lt.ndrar
, line /339
/eap in r  File l"pr/oe  File p"//pntUUyv/sass/ersea"rmr/sntoycl, line e39eeemg"aascso/ndla, line arss/a in 3/len39a in nvulprgmu/asg//ra_sp/tnrgofclreeogesaecerfulsoias_asbl/mp/afoygmstae/r/ulr_omt/_rib/hq_rferao/oluqpumeteproeya/lm/pat_uhaemo/nnnuraqc33e.a.oe
a77l/l
l  File lneu"/lem/  File .Umdua3l/m/auneep"sgeu/nl
ptvU  File iastrpr/r"iyp/rssuear/soo"cg/rU, line ssa39s in ttpelgcereoaresssscea/euslerseeaaiin/nlgml/mgsesls/ragsa_pf/tu/rr/eoo/ppgoltmi/panab_/a.srpcyrooctpqatun/udpay3"/aahrn/, line eearoceooc39noesvas in nlp.npdp3yurso/ale"cse
r  File set.., line e7"/3s/297lsp/ in ./__eapUasfyeyrmnb"urloo"mti, line o, line tsstlrap
n39  File mac/99vs in o/slnptp/rr_ in ierqooccearlseguessa"iesmn/guus/apurrod/ncUoe
e  File /b
_sflp"s  File //ptseiary3oUrst/bheore"//n/sp.yaUtn/3h.ssnpv7emo_q/y/ns"sars/3umt, line ec.uee799s/s
g/t  File r"u/ in Umaeslatresguru/lietpoiapuprtrrstloo/mc/aclessingoe/engn/
sasainssasduaabct/ipoaepruryrnto  File g"a/3s/nagUc/hpe//oesnouovspnpstrrd/a./p33a/yt"/./7eo/n, line 99oncsvea in mnerasrrpse//suasacolstn.cpud/trytle"nam3e, line /a
g  File a/s"a99a in uoll/iriepUnbsvm/sr/n/drn/lorueeoacacpinpotby
r  File s"/3as/nldtme/U/stgeaa3s//lhenesanosnvvpsui/bi/nrp/egsry//r3./ytsoa/np7p/rmoatcrtouelethhoinoapaclr/maesocdsnsltma/n.ea3sls./n7e/3gc/oini3ngmb./ul7adpap3s/iyel/tbn//avpmippyrts/uury"oro/elttcn, line ehh99sosnvi in ioopsr3n.e7rcte//an/3agm.spsl.urunorn7/lmtaic/eeac/pomn
du  File lps"osar3pitlnomyilpg/ci/re/pUsble/o"ceesrp, line einssyibs/n_n//99tvshfoosg in irtuenprnnyktgh/o.sn
pp/rp  File rgp3.o3c.ero7ys"7/c/ao/scrms, line "mae/Uu74se.lautls.u in e_sipplprremlayoy/"tuscsle.ni, line cs/pbio297py/rh" in r, line ps"
_so/p, line 99  File s99tti/ in beyagocn in n"aeosgtsasiran/tuhUrsuso/ncno
t3nroadpaeg/r.  File 7r3//p/"rue/onpm
uptr  File s"c/o//nevsstses/
.gacpn  File Ul"r/satsyUes"eaiarsees.sUrpsyc/uop, line 297/rr"snd, line /ao3o in e_spsatl297trcts in e/e/mbss//te_abgneoglaiogoeaotsnavscsobss/ainaad/stuaprutraarn3/sp/gr/yoterutoa/rphppt/eo/rnovctpatnpe
a  File /o/lsaancmo
sn  File /"sarce3/.no"a/.l7pUmdyUas/eas//lrn"neamdiusra, line c3osb3ll//n297ie in /b/tssedn/n/vpvsip/ars_tepalret3ebgoayo/ceoes/ttgnsrasyvisnsmht/egau/olrtahsolmnr3n/eraoia//p.pa
7lr  File pbt/"l/3iamm/b/upnur//plyioabl/.Uts/ctopyoeihrnpytcs/t/7andsataetshceoonh3oopg/nedrasna.3p3n.vno33s.7//meys//amu"nrlc, line eea7us/.umtuisvlilsltmt7r/297nip/rpioorrc//mpgoepurleltaoibt in c/scs/l/esep_siyiptpsroimce/nsgbsosilniph/ooanni3ebgonn.a/cngp7t/orpo/ppyg_nfrd//ooarcc3teoscse.h/eespsotsrknynpvors3..sapps.ymppu
el.y"", line "n  File t_, line "f/i297297, line /2977p/Up in yr in osm" in _c_roebr_kboe., line o20opryest in sot/bro"oatla, line ss74mtps
/tstl in stri__  File le_ariubgia/s"pnaiyapu/r
/Uoltntgatp  File huinp"/_sp_roceh/
Utr
os
sn  File   File ep/3or"  File p./7""ass/n//ce/UUUmsasteeng_seaseurs/esrcr/sfsstlst/oaseigoispt/reonnrasgtatuedgsa/krsc/eas.puya"3egp/ru/aoogrpoe, line petsspanin_tv/s74aan/ur in r_sen//aac/aglluma/oluonaroppctnt/n/h/d
ai3pabf/oorcak/neanap.c  File v"o//oUnsdnneaproeys"/, line s74acdoa3snn3t in //pere_pedga_anay/fltauvnhlosrme3ntv/k/s/a/curlsoen.3i/e.prby/nr"hpeya
t7vaa  File s"hn//l, line moo/mplult/n74/rmli in atU/3picbo/p.nysre/7_ro/lcatahdsoense/alai3u/s3imnbunl.ms/7c//eantvhsm
llpcinyu/  File ogbr/el"petn/itaptolgpdmehianap/psoyna_ltf/3r.oic7hooen/r33u/oesmrsUc.e7s/n/rbk.psopimvys"//nuslutpignie, line rpgey/ttah74l/rlsotrpmcnoo3 in .///_oasnlpc7iieletb/pspasi/aynmcnuulgttnecxih/rpnott_rof
ecnpdh.eas3soo/rgpciensyks.oei"aopn, line vns  File s"a/n/up277g in Us_3Pyrre/"oep.tegr/a/lo, line p/pna7o74m in _s/e/pmn/onps_ueafcp
o  File rneollttne_kfloi.npigpryo"r_akf, line oars.apy"b, line 74/"kuu in .cdrppay/n_clo3pa/e"sunhec/shni, line 
y  File tn
74tg20 in h_oU"/  File vn" in 3s/a_na/_//Upsi.ni7esr/s/troeserm__tU
slcsoeugna  File ealu"a//lsstmUpt/dnlaacseiepuireonr_rgsra//3cos/bpfssee/statuoshe
/gpis  File nat/rn/vrsoygepk"sgatn/h/a.tppyrope/acs/a"aU, line aaulone20n in ma/u__fo_nsliinecondrabkrir3t..p3//y/oon7"p, line t_r_pse
y20// in nd/avt  File ash/o"n/3n.a7/mcu/orosUlp_tn_ms3t/eegnvsualt/esraiituenrierapta/ld_r_/ioa
anmsl/m  File o/s/l3l/iaep"nrctpboee/igptbas/ypcvtcssa/oenshUou/rs/rasd/aseinirnoyaestcanlgp/3m3htn///.o/aenpnolg3s7p/nmo.aivun7tlsd/c//aemt3ero/beupn/e_fogpanailsrayuvttorhpolrmsn/i//oppdopkecnnterr_3laf3o/c/sioa.srnebsei.e7/nkaa./pcnvmsgo/ppyyy"r, line eus"i, line t/20np20 in lglto in aplnehm_/n_md_ai_cif_3i/nlonporri/iobeinnvtosct/_/_tr__/eelenp
systah  File 
kixo3ib..  File "/"tpl7pnygm//U/nsteym/hul./pi"rb3c/Usoo/nyls, line .t"insp, line p7223y20terertt in 3ogcsh//ae. in eo_n3.77Pssms_t/muaoupl/xemesgt_iupanistrn
o  File iclre"saut/ispi/intrg_//co_Ups.
t  File noporu/nygaot"/pp"naelcoeor, line tx/tct.nUe/ssid277/epppsaasrrnesanc in 3_y_/"ssoP/, line tnienog/277efgooccnopa in et_vedPsnanaouprtesnesgerx3/k
a
rse/t.  File os/papey"a.tl/  File ani/vUnnp""suyrgs//r/, line ae/cUo"eosprmpeat, line s277/lomrss/ns20/d in pla//3itt_/Pebeagneann/o_lcpfaovissabuy/ergp/ in rpkayeetsathhaonrl.mn//3oluo_nr_3ini
/.  File p.to"np7/yo7i/da/Uasn3mperasut/lm"/u/talts, line t20e in _/_bie/tpncoygn
nd_pv_saatah  File icn/i3oprsr/i"roennadootc3u_aencvaleer3m/sU//se_.n7s/emri
/u  File sns"o/lvilsitnUsi/prgs/bcspetae//lro//agrr/nmocs/cptleyosieaabtng/etlhemasos/t/nx3t.nslae7isiu/cgrt.oppyey/xttb./pap"yonmdyptusn", line tahu, line r277h in go/a/n3/277ocopl in /ao_ten3t.i/nacnov3Ppna7.ndaa_n/r37ms/ce/tu/lrePxtoomn.puoplctetypi"eepaoliem, line /plsinnn277r
 in   File dv"sb///psya
U_si  File nP"o/3roeepUrtaolsmc/cehe/oleensrress/sisnigbsgi/n/nsco
n  File tve3"s/tn.p/Ugerssoecres///g/rct7e/axsemgpassolaytsuttnm.lp.te/getasplsihabuyoiyxa"a", line unrr3t/por., line 223/o/.c112 in 7_ in p/pyeoPyuosrp/"otm/tsahpiuntsln, line p223tt/ in g_aap/enPc
otopi/napcarnoro3  File enot
n
.a  File cnt7n"o//Umadsun  File ce"cexa/"d/oensdla3UtsesU/srri3e/.snnteera/ssngt3p/vviys/e"ep/srgosn/s//, line vcacostase223sneutgrrt in a/srae_P/rgsosaeueperae/xlsmte.aonapa/iluilnmpbtf
lyrlmog/"/  File lo/", line /277/a//inlpib in ap_cUocats/ePtbyono/n/tappe/hnrpnyt
ea  File re"ydaax/tothctoUnosh3.odsp/nnelayr/3".7m/s, line sne277m in /3s3t/t.e/gula7s_ln/taavnsge/3emgiun.aupPrv7sr/la/ortescuoe/riupaarmpern/
gooopu  File ptlelc/e"t//aUienmrt//elsaacpsrsoaineacresllbmsma//ispspic/syn/olantdsatghrin3oiab/o/gc/olengnecn/anlpndyetelt.hp3vonxgts//coayter.epaox"n.n3/etltymne37xs, line v."sp, line t223./7/a in umr/y_"/l.106umlProep in uiabtyl"/o, line _223/l, line pm223i in /pp_t_p/Peraoty in tin_pPl
oncoierpoheacinc  File os
"noin/  File eb"ps//ndsipe3UnsgeytnrUsssi
_/./ta7he/ps3orr_m  File o"ncg/uelUssent/
3/.ses7ge  File //stnvmruslst/ptsetr"gi/aaispopsraoreco/rguUrasac/.scpeoaesuyeuserrpstsr/i/s/sotapseg/nisn"og, line /112a.c in espatgstalnya"mr/up, line t112/ in oat/nslattnr
/aapca  File rire/xo"bctnnd
o/falopntdcac.  File oeypa3tsaysot"h"//Uon.d//nspr3e.a7eyenUrav33ssle//, line rrm/223messe/"sat/, line u112s in /telg/_ePemllna/sanatviu in roplsptganisrs/baf/lve/auosorrgrapte/yraucat/lngee/e
st  File /rhm
afl"oslr/  File mo/inna3Useta/.lllige/"/ciobbner/ram/t/plypey/atstU/hseloehl7smrnoxstn./33at/nep/.s7mgy//mrm.lu"uge, line l7t/uatlamtestiiparagugrnraogeisuaeupu/r223lrt/cvioree/pacoslafllmo/apt.apg/pryeatre//aarna in lsme_osPcsoan/i"cienlnrds, line loegeapgal162//p3pre in ol.cna/elnsvm
/ipnncgsurp  File /oecys"s, line ga.re106ao/ in "u_g_eepapril/snsUya/i."trl, line s112np_y_"
 in olmret  File e", line /s112c in lsries//a_sbsetltt/.lafp.ypmy_srta/ppya"et"gra, line terch106r in aUos
e, line lorrnsl112d in e_3sslt_
a/  File .pusy.  File _"t"ri/n/7pi/amaulortrptUt, line ai"l106_ in _st
per/
sloUcee_  File rl"s
/  File sts  File ee""s/g//aUsaaursU/ssr_eUis/sne/snegrtresrsi///ssntsgtf/lteegsteparcaesognoidagaa3s/stocaeg_taaeau_/sarse.rurspu/afrlaynou
/lamvs/sffall/  File r/o""larot/ua, line ta//112aU in e/frst/sf/raetenraelgmraurloaa/sare/steggeattlllaisl//arumrl/r/mf
mllooeba/  File /tapta//"a/ry/trneelllgmea/laaanumlaUahs/elnlgamrgou/n3regseu/aam/t./nrgeg/rgeesrl7tule/aagmauae/rlegnantgaaluiem/gelvasgaeaimpururalgleem/./rar//pyefppl/oarlaeocamtra/e"/rt, line l162m/rea/elrraalspaslmmlil//eer in rleclvilao.neagtulfe.rpnralaey"p/syh, line "l._ndgor, line ileel106.vtupac162p in p_r in yae"c, line ylm_o.cgb_eet_"ife106pdys.p_y in o, line __in/"un106rs"es in , line an108it._li in , line tmmarp_162i in /cnptaote
yc_"_fu_  File , line ornr_e
i  File rni"t_d112/ in U_st_cs___p

"sa  File /  File tlaloerl"Uts
ea  File /rrs"teUa/lsft."/elrr/dUeslUp__psays"g, line s106raee
/  File rsa in se_rresrsltlc"/ea/oUgrse_le
rssi//dn  File a"ss_ssp/ista/tUsesatuetgutgereras/rear_a_ss
ggsa/aalsls/ta  File feurueoluorr"a///pflflgatfto/a/lso/asuaUal
aaut  File nort/erarae"sae/rs/cr/lfmr/ela/sftloolleoagatta//nraesmlantd/r/g/maeaulalaurrengU/ga/fllsaoa3mnuaaet/llm/r/glma/eaeanlgu/grl/leraeme/ap/nugnaarsruvae/sagnl/amgsetalu//llergaaraeelge/gasaugneae.gpulrmrale/eryeflmmr"ea///sa/r, line gr106llr in eeaml/m//_reeh/_frr_idloeeabtctrieietrl_inee/mvaomirva/lmrbett/errai_le_fpite.vpar/edryse.
pv"  File ysaally.tlhe, line _"hp.oa, line nd.lypmo/"", line 3plyacny/"108_g.162U"162 in  in m, line ce, line s162uom162 in ac in e in rocua7csnouu/ionb
nsgu/  File s"ientet/_dnter_ttgt/tt_at_etffes-fUas__ser.epr_alrcsoyf/usrr/frloe_maetcctop/oeda"srrrdr_spd_eafs/gcrarpeee, line as108r in slhm_kdao_accoamlagpr/lreallldlei_
sa/esm_ean  File lrpaba"negul
lu
re  File aaba"g/els/l  File /r/rUsearUl
d/lssa/"oe/sU.spseerpltpepaty/.sge  File l"
pmry//s  File ", line r"ae/s, line /108a"250ts in s_ in ra/utnmerU/Ugassteaeagarrsucasseoapiunr/rfurs/i/t/ss/on
lnttf_  File aleegnoeoatv/reaagaatsl/ardlceomam".a/a3anlpm//aullaedaarisnn//gnUfasgyu3lnovastr"//u, line /e
fr/s/ustare162 in ga  File e/greecr"oealgeaan/vlusnmraeaes/ruto/elal/mt/ma/rr/rr/eaUeflsforr_pteafn_eslretrlsmg/hau_/mlehci_dabogodceoeca//nlri_e_ld/sb_/pyeramparap/eymcaosl/blntlmsl/hadreeottnefg3m.e7rdla/es3n.gpssaiyuh
hsbao  File gee/a"t/e, line -108rdneu"3 in nsre_do/v.s7mac///_.olsmU/pryraeepii"speenaarftsrtl, line c108
 in ke/mm-/ba  File paaeinascmgna
ceoen/"lt/ssUi/bekd/adb  File gpsayst.haplys/_aa3dgohpe/"epsecsa"., line _rouern/pm108n in /fy/vb"ms3Ues, line a/edrssials250/n.soba.ts/ps in tl/r/treea7ayep/g"peal
agslsm, line /a_almisa.108tnr/e in aul-  File uprpn"_/aU/guicykuormabpsm/eaatraigi"n
/, line s250no/peant//
  File pg  File eaans"y in actto_eng"c/sdoa/sna/da/rUUuan3_hbmroeans3eaua/li/srre/nonl3/vseasps./7
/nr/eemptp  File a"./rs/srlvpsy/st/"r, line aee250Uniaecagos/ in atlse_nmdrassumt/elgiar//s/tlrbiaes3o/peau/bpunryntg/ef/ptr_aam/syanaiave-oppcsnho
tno3au.c7kh/a  File nsh"_do/tdnsr//igaeaos3/r/.an3e/a7etnaoUbspccsevols_/ms/teremisbl/e-si/bpata/dcnrel/esnkaacpt./ea-daoappggalnmda/yp3altpesi.acyshu/pby/"p3y//"eanreok, line anb108vv, line /nssl in o299p//tahsogte/p in srnr3u/ma/enra
.eap7n/ab  File a"3lsias..lmc/l/a/pplpm7yiot"./ni, line 
250/ in nlpsii_edb  File -arbp/"3U//ppya/yUyuts"tehesc, line neok250- in _narun_rmp_3easm./strh7anotvnas/i3sgeiniscnk./7e/r
/  File tse-"/saeg/ei
atpUalgsa/ca  File kssbes"tema/esbglasal/U-rap/uslaags/isac/apbpkr/eppyut/ar.esr/p/hpofopts//sanlyat3geo"bassn/a, line .250ts.pl in 7/ea_g/r/eybstarsae"gpcpl.palsu/nmaais, line o299ndta_y in aeu"urmurr//n, line ao
299pp  File lpa/n in tag3"-//uo.parpegUpntv/euyns/esiaar"//rr, line nasnn250c
a
acc  File e/ksea in "g/e  File ao_anrt"Uusnel/gls_d/mUaaismman/a
aeb  File sls/urri"elbo/Urss//3re/epss//efyttnnlarhp/odpessagofnr/3a.a7s3t/vtee/st.nepsgsvhae/sy"saius/rt/r, line /ae299_ in ufgarlelrdur/emro/aoncaaelsl_to-apuie
pt/mba/n  File m/prba/ao"//epUcslterr/msk/aaeladcsa/sagltnnlyagec.uiaotgmohngd/e/apenayorbdl3aa/e/sp3a/le/nnms/vsya3/rnta.eg"rheo7u/bauenrfns, line gvasllsm192r in /3e.f7l//isro/i/era/rpatltespeueet.ailmhn-a//_rpb_lmeaal-lpma/mpiyp/irean"
, line d250ocf in kcab  File /cg/ey"_rt/p_yeUermhsuknsoln_at3hasgeb.een/hardmss7s_//dso/oscbaigt.un_stp3laeye-"pe, line g.g7aam192sbe/ in isaair/cabnedp/us
prne  File tk_u"rl/sUa/lamp..eap/-rmepyp"asap, line efg/.fclp192oeyrres in "arskts/iu, line nh/a__rmn
ye299ab  File  in ""radg/eusns
oslic/  File ", line /299/ata/nU_aebessmlU/galebam/psplpepa..rngdss/. in p
ryuesu  File ppasa"tgeegyaus"ra/u/, line y299"/, line "299, line on in U
192p in  in rrr  File s"ere/arrUuslnr
e/muu  File ns
/s  File ft/l/r"or/"/as/teUaUtesgenfs/_anrmsa/csorstaiss/enatgsatrseeegredaeusngraas/uha
3f_l/asloaa  File d"somra/u/cul/arfUtr/nr/l/_soeartgsueefam//breles/eosfatgneldvlam/gatoesgaa.alsmtsp/seytla//an/ugar"rurreul, line /rfea197aeaall/o/lafrta/mn in llguargoegmea/mlitb/er/<eam/a/lror/dlemae/u/lelalmfrperaey/slnmtlhlahaen>_
l/odrgmmg  File a/n/enouuflrg3reacae_nasggue./u7a/ehagrgegf_reme"/se//rrsiedera/bUeleesmt/eoaaraelcml-empldr//_rahse.frrmpy_edffe"rocre/smr, line ecss197b_eehe_/mfhksarsb_e in se<dgddoesse/m.hdpsyht_o_o"., line addec197docpgcoyu"_ in lb, line eesal_<mc_192/me>ma in 
br_seaeoddmbsu.bnue  File e_peydrd"u"/, line o192lm in m/spaebrUiu>nse.n
p
d._s  File m  File .ppy""/, line U299saee in pprrts/yr""sy, line u"s/as., line 192197n in /i/<sptnUasetnm
ecogey
  File ra"  File do in s//sst"gnurUald, line essagur/faeu>a"3
/reen/als/vo192uraoUss  File t/s in snrp/tuer"e_tm//a/gneaaUlaisnr
mearssur  File /ac/"n_rms/eo/nUaaausrdsatsltee3geiirns//oapb/s/tept/elsnyatvamg/al/usan
f/snghagualao  File rorcao"nsand//3gaaute/efr/rr/3euUl.foea/tslaa/7reollrm/aamnel/i//ltlrmuenpbr/aaslvm/sn/g///louprrsyrtehteoefaeaalgyag.mpp/nl3lym/lrieaeb/.s7ta"//sap, line y/85rnutghuahngrnua_ in ognue3a._/cedaorlnaegrpac/lfel_rmo/or/er7ay/.rplyemunfnd/uaea_r3rcn/teoefnremd"vsees///
mpr  File e"r, line y85hrs_e/be in h_ra.Udlfpmy"r_eo/usdslh, line neacr_ndasl_go_m85/ecmo/bsetde in lisgceu_daarssb_.e/o.ppdumygeac
_ep  File y"e"u, line y197"rnt_hm/obo/bceen/, line rde197p3st.U in o/sp in d.d<earssneamlo/dyusl<e7
.macmpt"/, line y/e"197oo, line gr192> in   File rr
e"/un in u  File ansdUusdal"nee>_upmyrf
r  File e<am3a/"s/iUnh/eUse_rs/
d/oo.rpsyo"d, line /csps  File e85t_tn in vsuetresegl_gsr/uen/s/_tmcroea>ase"dae/a
a  File lsg"Umsa
nerus  File asu/ra/"aU/sc//obulostUeeerg/asrrns/ddpsoatisa.ue/prsb/3oyt/a"f/prtsne/psp/yt/, line l197ae in naaconc/g<ooaamnnatdetdghvassaoo3/n/raeaaednutausralcmn/uo3loe//v>pst3r./rr//leea/n7enldmiab
a/a/onlptrauc/vn  File a"mpp/y/tlyhslnio3./ned/oanaa3p/ycrbe/aplmoynvn/sdn/ge/U3"uliabt, line hnars3v.e/oenr7nse1933g/ers/a/lvu.m in r/sne/_pryst/pallyetm//riguerhanro.apbye_7e//lmmpysrauuna/orn"l3d., line p193yf.7 in upirllte_hrmes///l_byhou/ipbn/y_apsyond"__pt3r.o, line mhmotntu857c3_no.dh/oa/un73ar in enmapi_bun.nlcpoy/
re7der/.yprsuu.._paynupnyynd"sp"yn__a", line , line 197pm85y.c3o in  in p<, line 193y_d/ in "re, line 
_earumi.np_  File c"un193n in yo_d/
Unso"_mudvol, line se/dr85uen
_m  File u"e>r in l
oer  File dsu"/le_sat/e_/sUsereaUg_asmls/ram_/luani_na
s_simba/ipsur/onteergspct/y/tshao
ontn3aedgeacsaonad
u.ra  File 3/"e/nUvss7//rrauuesa/nrolm//potp/ta/nlib/aanpacycpoy.pntda3eonyh"on3.d7/rurnap, line s85y in ./3_//eenpsyrnuvns_/cov"s, line /193rrte in ae_ldme/
lal  File reun"/giasma/_lmiuUbs/pbe/rpsyytt/orh/oophonsdtn/3at3u.le.g77e_ans/ac_/maarsruunipaouyr.ndnnap/poy3pyt/.epnyvs/"an/r, line a193 in 
_c"ondae3a, line /85envlrms/ in /lurneial_m_/rlib/pmuoby/tphyon_codtn3u.lhdon3.e7/_ras_maineu7n/pryu.nppy
.p  File y"", line 193 in 
/y", line 193U_ in rus_run_emrosdule_n/_smtoadsegasau_ur/opt/anmaacin
le_aso_nda3/emain
nvs/realm/lib/python3.7/runpy.py", line 193 in _run_module_as_main

Any assistance is greatly appreciated. I would like to try REALM locally before we spin up expensive GPU resources to perform full training.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.