Giter Site home page Giter Site logo

facebookresearch / pytext Goto Github PK

View Code? Open in Web Editor NEW
6.3K 169.0 801.0 8.25 MB

A natural language modeling framework based on PyTorch

Home Page: https://pytext.readthedocs.io/en/master/

License: Other

Python 99.94% Makefile 0.02% Shell 0.02% Batchfile 0.02%

pytext's Introduction

⚠️ Please migrate to torchtext ⚠️

PyText is deprecated and will no longer be actively maintained. Please check out torchtext and contribute there!

Overview

Support Ukraine CircleCI

PyText is a deep-learning based NLP modeling framework built on PyTorch. PyText addresses the often-conflicting requirements of enabling rapid experimentation and of serving models at scale. It achieves this by providing simple and extensible interfaces and abstractions for model components, and by using PyTorch’s capabilities of exporting models for inference via the optimized Caffe2 execution engine. We are using PyText in Facebook to iterate quickly on new modeling ideas and then seamlessly ship them at scale.

Core PyText features:

Installing PyText

PyText requires Python 3.6.1 or above.

To get started on a Cloud VM, check out our guide.

Get the source code:

  $ git clone https://github.com/facebookresearch/pytext
  $ cd pytext

Create a virtualenv and install PyText:

  $ python3 -m venv pytext_venv
  $ source pytext_venv/bin/activate
  (pytext_venv) $ pip install pytext-nlp

Detailed instructions and more installation options can be found in our Documentation. If you encounter issues with missing dependencies during installation, please refer to OS Dependencies.

Train your first text classifier

For this first example, we'll train a CNN-based text-classifier that classifies text utterances, using the examples in tests/data/train_data_tiny.tsv. The data and configs files can be obtained either by cloning the repository or by downloading the files manually from GitHub.

  (pytext_venv) $ pytext train < demo/configs/docnn.json

By default, the model is created in /tmp/model.pt

Now you can export your model as a caffe2 net:

  (pytext_venv) $ pytext export < demo/configs/docnn.json

You can use the exported caffe2 model to predict the class of raw utterances like this:

  (pytext_venv) $ pytext --config-file demo/configs/docnn.json predict <<< '{"text": "create an alarm for 1:30 pm"}'

More examples and tutorials can be found in Full Documentation.

Join the community

License

PyText is BSD-licensed, as found in the LICENSE file.

pytext's People

Contributors

abhinavarora avatar amyreese avatar anchit avatar arbabu123 avatar armenag avatar bethebunny avatar borguz avatar chenyangyu1988 avatar dognoworry avatar dskhudia avatar fb-resteves avatar gardenia22 avatar geof90 avatar hannamao avatar hudeven avatar jeanm avatar jiesizhao077 avatar kartikayk avatar m3rlin45 avatar mikekgfb avatar mjanderson09 avatar mleshen avatar pichuang1984 avatar psuzhanhy avatar rutyrinott avatar seayoung1112 avatar shreydesai avatar snisarg avatar titousensei avatar twild-fb 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  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

pytext's Issues

Question regarding the output of the Hierarchical Intent and Slot Filling tutorial

Hi,

I'm following the tutorial here: https://pytext-pytext.readthedocs-hosted.com/en/latest/hierarchical_intent_slot_tutorial.html

I was able to run the REPL and replicate the result from the last section of the tutorial, which takes this as input:

{"text": "order coffee from starbucks"}

and returns something like this as output:

[{'prediction': [7, 0, 5, 0, 1, 0, 3, 0, 1, 1],
'score': [
        0.44425372408062447,
        0.8018286800064633,
        0.6880680051949267,
        0.9891564979506277,
        0.9999506231665385,
        0.9992705616574005,
        0.34512090135492923,
        0.9999979545618913,
        0.9999998668826438,
        0.9999998686418744]}]

My question is, how is this data structure encoded, and how do I use it to parse "order coffee from starbucks" into the hierarchical tree structure (intents and slots)?

TypeError: __init__() got an unexpected keyword argument 'dtype'

I followed tutorial of ATIS on https://pytext-pytext.readthedocs-hosted.com/en/latest/atis_tutorial.html. On my way to step 3: pytext train < sample_config.json this error showed up:

Traceback (most recent call last):
  File "/home/hiepph/miniconda3/bin/pytext", line 11, in <module>
    load_entry_point('pytext-nlp', 'console_scripts', 'pytext')()
  File "/home/hiepph/miniconda3/lib/python3.6/site-packages/click/core.py", line 722, in __call__
    return self.main(*args, **kwargs)
  File "/home/hiepph/miniconda3/lib/python3.6/site-packages/click/core.py", line 697, in main
    rv = self.invoke(ctx)
  File "/home/hiepph/miniconda3/lib/python3.6/site-packages/click/core.py", line 1066, in invoke
    return _process_result(sub_ctx.command.invoke(sub_ctx))
  File "/home/hiepph/miniconda3/lib/python3.6/site-packages/click/core.py", line 895, in invoke
    return ctx.invoke(self.callback, **ctx.params)
  File "/home/hiepph/miniconda3/lib/python3.6/site-packages/click/core.py", line 535, in invoke
    return callback(*args, **kwargs)
  File "/home/hiepph/miniconda3/lib/python3.6/site-packages/click/decorators.py", line 17, in new_func
    return f(get_current_context(), *args, **kwargs)
  File "/home/hiepph/src/pytext/pytext/main.py", line 232, in train
    train_model(config)
  File "/home/hiepph/src/pytext/pytext/workflow.py", line 55, in train_model
    task = prepare_task(config, dist_init_url, device_id, rank, world_size)
  File "/home/hiepph/src/pytext/pytext/workflow.py", line 78, in prepare_task
    return create_task(config.task)
  File "/home/hiepph/src/pytext/pytext/task/task.py", line 38, in create_task
    return create_component(ComponentType.TASK, task_config, metadata, model_state)
  File "/home/hiepph/src/pytext/pytext/config/component.py", line 142, in create_component
    return cls.from_config(config, *args, **kwargs)
  File "/home/hiepph/src/pytext/pytext/task/task.py", line 81, in from_config
    featurizer=featurizer,
  File "/home/hiepph/src/pytext/pytext/config/component.py", line 147, in create_data_handler
    ComponentType.DATA_HANDLER, data_handler_config, *args, **kwargs
  File "/home/hiepph/src/pytext/pytext/config/component.py", line 142, in create_component
    return cls.from_config(config, *args, **kwargs)
  File "/home/hiepph/src/pytext/pytext/data/joint_data_handler.py", line 76, in from_config
    DatasetFieldName.DOC_WEIGHT_FIELD: FloatField(),
  File "/home/hiepph/src/pytext/pytext/fields/field.py", line 288, in __init__
    unk_token=None,
  File "/home/hiepph/src/pytext/pytext/fields/field.py", line 54, in __init__
    super().__init__(*args, **kwargs)
TypeError: __init__() got an unexpected keyword argument 'dtype'

This doesn't happen with Train your first model tutorial.

export to onnx

Steps to reproduce

  1. train for example the tiny CNN sentence classifier
  2. try to export the model to onnx : "$ pytext export onnx < demo/configs/docnn.onnx"
  3. see it of course does nt work, the export format being hard coded to Caffe (IIUC)

Observed Results

export to default non onnx format

Expected Results

an standard onnx file at least for simple cnn based NN

Relevant Code

For instance, add a 3rd param to the pytext export in order to choose the model file format:

 pytext export onnx < demo/configs/docnn.onnx

i cant find prf1 metrics in my console when model training is over

actually by default it will output prf1 metrics to console channel, but when dataset is bigger, with more console result , console will replace previous content with current result. can we output these metrics into another file .and testout.txt doesnt contain these metrics result

add attention visualisation via imgkit hacking

related to #143 ; unfortunately tensorboard doesn't let you write arbitrary html to the text field ( see tensorflow/tensorboard#830 ) but using imgkit it could be hacked in by way of an image.

this would be a really neat way to visualise the changing attention as the model trains. unfortunately, imgkit requires the dep wkhtmltopdf, but hey.

i'm happy to add this once it's clear to me how to get the right tensor out at eval time (i.e. once i properly understand #143).

Project roadmap?

Hi,

The goals are ambitious, the codebase is in flux, and future directions are outlined in your paper https://arxiv.org/pdf/1812.08729.pdf, but it's unclear what the roadmap is for this project.

What release cadence can we expect, and what features are prioritized?

I'm also curious if this has a substantial backing by Facebook / the PyTorch team.

Thanks

rnng model CUDA error: initialization error

Problems:

I had set the "use_cuda_if_available" to be true in the rnng.json file and run pytext train < demo/configs/rnng.json. Then got "RuntimeError: CUDA error: initialization error" and "RuntimeError: Input and hidden tensors are not at the same device, found input tensor at cuda:0 and hidden tensor at cpu"

ENV

  1. Python 3.6.5 :: Anaconda, Inc.
    2.NVIDIA-SMI 390.30

Thanks so much!

how does one get attention values out of the predictions?

thanks for this library! i've managed to try an simple model and i'm excited to do more.

i'm using is config:

(pytext) 12:04 PM noon ∈ pytext (master*) ♫ cat sst2.json
{
  "config": {
    "task": {
      "DocClassificationTask": {
        "model": {
          "representation": {
            "BiLSTMDocAttention": {}
          }
        },
        "data_handler": {
          "columns_to_read": [
            "doc_label",
            "text"
          ],
          "train_path": "data/train.tsv",
          "eval_path": "data/val.tsv",
          "test_path": "data/test.tsv"
        },
        "trainer": {
          "epochs": 150
        }
      }
    }
  }
}

and following the tutorial i can train and get predictions. awesome!

but how do i find the attention?

it doesn't appear to be anywhere in the results of pytext.create_predictor ... ?

thanks for any help!

The format of the training set for Sequence taggers task

Steps to reproduce

I want to ask what is the format of the training set if I want to do the word tagging task? Use the default JointModelDataHandler,Can give an example?

Expected Results

Take a snapshot of the specific annotation method or content of the training set?

Dimension mismatch between representation layer and decoder layer

Steps to reproduce

  1. pytext train < test.json
  2. test.json:
"model": {
       "representation": {
         "BiLSTMSlotAttention": {
           "dropout": 0.1,
           "lstm": {
             "dropout": 0.1,
             "lstm_dim": 256,
             "num_layers": 2,
             "bidirectional": true
           },
           "slot_attention": {
             "attn_dimension": 64,
             "attention_type": "dot"
           }
         }
       },
       "decoder": {
         "hidden_dims": [256]
       },
       "output_layer": {
         "CRFOutputLayer": {}
       }
     },

Observed Results

Rank 0 worker: Running epoch for Stage.TRAIN
Traceback (most recent call last):
  File "/home/lvzhuoran/anaconda3/bin/pytext", line 11, in <module>
    load_entry_point('pytext-nlp-yckj', 'console_scripts', 'pytext')()
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/click/core.py", line 722, in __call__
    return self.main(*args, **kwargs)
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/click/core.py", line 697, in main
    rv = self.invoke(ctx)
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/click/core.py", line 1066, in invoke
    return _process_result(sub_ctx.command.invoke(sub_ctx))
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/click/core.py", line 895, in invoke
    return ctx.invoke(self.callback, **ctx.params)
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/click/core.py", line 535, in invoke
    return callback(*args, **kwargs)
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/click/decorators.py", line 17, in new_func
    return f(get_current_context(), *args, **kwargs)
  File "/ssd/asr/lvzhuoran/project/nlp/pytext/pytext/main.py", line 232, in train
    train_model(config)
  File "/ssd/asr/lvzhuoran/project/nlp/pytext/pytext/workflow.py", line 57, in train_model
    trained_model, best_metric = task.train(config, rank, world_size)
  File "/ssd/asr/lvzhuoran/project/nlp/pytext/pytext/task/task.py", line 157, in train
    rank=rank,
  File "/ssd/asr/lvzhuoran/project/nlp/pytext/pytext/trainers/trainer.py", line 146, in train
    rank=rank,
  File "/ssd/asr/lvzhuoran/project/nlp/pytext/pytext/trainers/trainer.py", line 216, in _run_epoch
    logits = model(*inputs)
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
    result = self.forward(*input, **kwargs)
  File "/ssd/asr/lvzhuoran/project/nlp/pytext/pytext/models/model.py", line 213, in forward
    *input_representation, *decoder_inputs
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
    result = self.forward(*input, **kwargs)
  File "/ssd/asr/lvzhuoran/project/nlp/pytext/pytext/models/decoders/mlp_decoder.py", line 54, in forward
    return self.mlp(torch.cat(input, 1))
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
    result = self.forward(*input, **kwargs)
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/torch/nn/modules/container.py", line 92, in forward
    input = module(input)
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
    result = self.forward(*input, **kwargs)
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/torch/nn/modules/linear.py", line 67, in forward
    return F.linear(input, self.weight, self.bias)
  File "/home/lvzhuoran/anaconda3/lib/python3.6/site-packages/torch/nn/functional.py", line 1354, in linear
    output = input.matmul(weight.t())
RuntimeError: size mismatch, m1: [3840 x 1024], m2: [512 x 256] at /pytorch/aten/src/THC/generic/THCTensorMathBlas.cu:266

Expected Results

They should be the same size, [3840 x 1024] and [1024 x 256]

Relevant Code

https://github.com/facebookresearch/pytext/blob/fa0fea934bad76e9906c013e377ce80c77cbd5e4/pytext/models/representations/bilstm_slot_attn.py#L51

I could open a pr to fix this.

No module named 'libfb'

Excuse me, when I run the command there is a ModuleNotFoundError:

import libfb.py.mkl # noqa
ModuleNotFoundError: No module named 'libfb'

what is libfb, and how to install it?

export_caffe2_path for each task in DisjointMultitask mode

I followed multitask demo,
$ pytext train < multitask_sst_lm.json

My issue is how do I export as caffe2 (.c2) for each tasks. I wanna train my own multitask and expect multiple binary-classifiers in return. The question is what should I do to export_caffe2_path if I needed outputs for each tasks??

Dropout ignored in BiLSTMSlotAttention

Steps to reproduce

In bilstm_slot_attn.py#93-96 the computed dropout representation is not re-used.

Observed Results

No results observed, but might have performance impact.

Expected Results

Dropout value is being used.

Relevant Code

        rep = self.dropout(embedded_tokens)

        # LSTM representation
        rep, _ = self.lstm(embedded_tokens, seq_lengths, states)
        #Should be
        rep, _ = self.lstm(rep, seq_lengths, states)

A related question:
Is the used SlotAttention described somewhere? From looking at the code, it seems like a regular attention mechanism, but maybe I'm missing something. The readme states that the sequence tagger is based on Lample et al. (2016), but the word tagger using this slot attention would be a different architecture then.

docnn onnx export/validation failure on ConstantFill op

Steps to reproduce

  1. install fresh (2019 Jan 27) pytext :
    python3.6 -m venv pytext_venv
    source pytext_venv/bin/activate
    pip install pytext-nlp
  2. train docnn :
    pytext train < demo/configs/docnn.json
    pytext export < demo/configs/docnn.json
  3. see error: Context: Bad node spec: input: "75" output: "76" op_type: "ConstantFill" attribute { name: "input_as_shape" i: 1 type: INT }

Observed Results

...
Loading data...
load_path is not a config of embedding, skipping
save_path is not a config of embedding, skipping
freeze is not a config of embedding, skipping
shared_module_key is not a config of embedding, skipping
dict_feat is not a config of embedding, skipping
char_feat is not a config of embedding, skipping
pretrained_model_embedding is not a config of embedding, skipping
dense_feat is not a config of embedding, skipping
Model has 2 param groups (1 from embedding module) for optimizer
Saving caffe2 model to: /tmp/model.caffe2.predictor
Saving onnx model to: /tmp/model.onnx
/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/torch/nn/modules/module.py:487: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.
result = self._slow_forward(*input, **kwargs)
Traceback (most recent call last):
File "/home/wtambellini/repos/pytext/pytext_venv/bin/pytext", line 11, in
sys.exit(main())
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/click/core.py", line 764, in call
return self.main(*args, **kwargs)
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/click/core.py", line 717, in main
rv = self.invoke(ctx)
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/click/core.py", line 1137, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/click/core.py", line 956, in invoke
return ctx.invoke(self.callback, **ctx.params)
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/click/decorators.py", line 17, in new_func
return f(get_current_context(), *args, **kwargs)
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/pytext/main.py", line 303, in export
export_saved_model_to_caffe2(model, output_path, output_onnx_path)
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/pytext/workflow.py", line 130, in export_saved_model_to_caffe2
task.export(task.model, export_caffe2_path, export_onnx_path=output_onnx_path)
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/pytext/task/task.py", line 189, in export
self.exporter.export_to_caffe2(model, export_path, export_onnx_path)
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/pytext/exporters/exporter.py", line 192, in export_to_caffe2
export_onnx_path,
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/pytext/utils/onnx_utils.py", line 50, in pytorch_to_caffe2
onnx.checker.check_model(onnx_model)
File "/home/wtambellini/repos/pytext/pytext_venv/lib64/python3.6/site-packages/onnx/checker.py", line 86, in check_model
C.check_model(model.SerializeToString())
onnx.onnx_cpp2py_export.checker.ValidationError: No Op or Function registered for ConstantFill with domain_version of 9
==> Context: Bad node spec: input: "75" output: "76" op_type: "ConstantFill" attribute { name: "input_as_shape" i: 1 type: INT }

Expected Results

successfull onnx export

Relevant Code

pytext train < demo/configs/docnn.json
pytext export < demo/configs/docnn.json

Note

The op ConstantFill op does not appear in the current doc :
https://github.com/onnx/onnx/blob/master/docs/Operators.md
It was shown as experimental op on some reports. Has it been retired/removed ?

cannot import name '_prctl_pr_set_pdeathsig'

Steps to reproduce

on my osx

pip install pytext-nlp
pip install caffe2

Observed Results

when I run pytext it comes out:

Traceback (most recent call last):
  File "/home/work/anaconda3/bin/pytext", line 7, in <module>
    from pytext.main import main
  File "/home/work/anaconda3/lib/python3.6/site-packages/pytext/main.py", line 28, in <module>
    from torch.multiprocessing.spawn import spawn
  File "/home/work/anaconda3/lib/python3.6/site-packages/torch/multiprocessing/spawn.py", line 8, in <module>
    from . import _prctl_pr_set_pdeathsig
ImportError: cannot import name '_prctl_pr_set_pdeathsig'

Execute your First model tutorial doesn't match Train mdoel

Steps to reproduce

in the docs:
The example used in "train your first model" is docnn for alarm intent, however the example used for "execute your first model" is using ATIS, the gap in the example categories is confusing. We should make it match the docnn results for "train your first model" because:

  • Users who are following the tutorials in order will expect it
  • Users coming to this tutorial from ATIS will have a better understanding and be less likely to get confused by the mismatch, as they have already gained some experience

implement tensorboard support via the configs

there's a use_tensorboard field, but it doesn't do anything, and there's a summary_writer that's used in the code, if it's configured, but it isn't. just need to expose these via the configs.

Stopping and resuming model training

Couldn't find in the documentation whether it is possible to stop training at some point, save the resulting model and later resume training this model, rather than starting a new model from scratch.

Seq2Label Example

Is there documentation/example on how to use pytext for seq2label tasks?

How to predict batch inputs?

Firstly, thanks for the library!
I have a problem that I can’t predict batch input datas, I use the pytext.create_predictor to get a predictor but looks like it can only predict one input data, for example {"raw_text": "sentence"}. I want to process batch datas like [{"raw_text": "sentence 1"}, {"raw_text": "sentence 2"}…], it is inefficient to use a for loop to call predictor, so is it possible to provide an api to predict batch?
Thx!

multi GPU problem

Problems

  • I had run this demo pytext train < demo/configs/distributed_docnn.json, but I got problem TypeError: can't pickle _thread.lock objects. I have inspected the code, it seems to the pickle.Pickle cause this problem.
  • in the main/train_model_distributed function, used to optimizing OOM, but it introduce this problem.

ENV

CONFIG

{
  "config": {
    "task": {
      "DocClassificationTask": {
        "data_handler": {
          "columns_to_read": [
            "text",
            "doc_label"
          ],
          "train_path": "pytext/tests/data/train_data_tiny.tsv",
          "eval_path": "pytext/tests/data/test_data_tiny.tsv",
          "test_path": "pytext/tests/data/test_data_tiny.tsv"
                }
      }
    },
    "use_cuda_if_available": true,
    "distributed_world_size": 2
  }
}

Thanks a lot

find_config_class only looks for pytest Tasks

Steps to reproduce

  1. build custom <Task>
  2. pytext gen-dfeault-config [CustomTask]

Observed Results

Exception: Unknown task class: [CustomTask]
  • What happened? This could be a description, log output, etc.

I believe it's because utils.documentation_helper.find_config_class() will only look at pytext modules (

if not mod_name.startswith("pytext"):
)

Expected Results

  • What did you expect to happen?

I was hoping to be able to generate a default config for my new Task just as I could if it were a "predefined" Task.

Running out of memory when training a text classifier

PyText crashed running a text classification task with a large dataset.

Steps to reproduce

  1. Build custom dataset with 450k examples where the texts have 350 words on average
  2. pytext train < config.json
    where config.json is:
{
    "task": {
        "DocClassificationTask": {
            "data_handler": {
                "train_path": "datasets/train_pytext.tsv",
                "eval_path": "datasets/test_pytext.tsv",
                "test_path": "datasets/test_pytext.tsv"
            }
        },
        "distributed_world_size": 24
    }
}

Observed Results

System crash due to lack of memory. The process was running in a system with 64 CPUs and 256 GB of memory.

Expected Results

I have trained models before using pytext and smaller datasets with successful results. It was surprising to see it crash.

Can't do basic POS tagging because PyText's WordTaggingTask expects int:int:string labels

I am trying to do a simple POS tagging task, for which I am using CONLL data files (without blank or commented lines), and a JSON configuration file calling WordTaggingTask per the coding documentation. (See end of issue for complete configuration file). It does not detect the labels of the dataset properly.

Steps to reproduce

  • Download CONLL data files (such as here).
  • Remove all commented lines and blank lines from the file
  • Create a configuration file (using the content provided below)
  • Launch training with pytext train config_file.json.

Observed Results

When launching the training, everything runs without error, but only 2 labels are detected (I actually only found "NoLabel" when following the execution) when around 20 are expected.

Building vocab for feature word_feat from train data only.
word_feat field's vocabulary size is 39587
Building vocab for label word_label
word_label field's vocabulary size is 2

Of course, the model cannot train on 2 labels, and I get the following at each iteration.

Stage.TRAIN
loss: 0.008701
	Per label scores                        	Precision 	Recall    	F1        	Support   

	PAD_LABEL                               	0.00      	0.00      	0.00      	0         

	Overall micro scores                    	0.00      	0.00      	0.00      	0         
	Overall macro scores                    	0.00      	0.00      	0.00      

Rank 0 worker: Running epoch for Stage.EVAL

Where could it come from?

I followed the code execution to this point:

  • DataHandler.preprocess(...) calls JointDataHandler.preprocess_row(...), which calls DataUtils.align_slot_labels(...) cf below
        if DatasetFieldName.WORD_LABEL_FIELD in self.labels:
            # TODO move it into word label field
            res[DatasetFieldName.WORD_LABEL_FIELD] = data_utils.align_slot_labels(
                features.token_ranges,
                row_data.get(DFColumn.WORD_LABEL),
                self.labels[DatasetFieldName.WORD_LABEL_FIELD].use_bio_labels,
            )
            res[DatasetFieldName.RAW_WORD_LABEL] = row_data.get(DFColumn.WORD_LABEL)

When looking, row_data.get(DFColumn.WORD_LABEL) contains the raw labels.

  • data_utils.align_slot_labels(...) then calls data_utils.parse_slot_string(...) (cf below or l.53 of data_utils.py) which systematically tries to split the labels and assumes that they are of the form int:int:string. (Which is not the case for my labels, simple strings that they are).
    slots = slots_field.split(",")
    slot_list = []
    for slot in slots:
        slot_toks = slot.split(":", 2)
        if len(slot_toks) == 3:
            curr_slot = Slot(slot_toks[2], int(slot_toks[0]), int(slot_toks[1]))
            slot_list.append(curr_slot)
    return slot_list

The snippet above returns an empty slot list, which then is converted to "NoLabel".

Expected Results

I expected pytext to properly detect simple labels and not assume they are of the shape int:int:string. If this is the expected behaviour, could you explain why?

Relevant Code

Config_file.json

{
    "task": {
        "WordTaggingTask": {
            "model": {
                "representation": {
                    "BiLSTMSlotAttention": {
                        "dropout": 0,
                        "lstm": {
                            "dropout": 0,
                            "lstm_dim": 100,
                            "num_layers": 1,
                            "bidirectional": true
                        }
                    }
                },
                "output_layer": {
                    "WordTaggingOutputLayer": {}
                }
            },
            "optimizer": {
                "type": "adam",
                "lr": "0.001"
            },
            "trainer": {
                "epochs": 2
            },
            "data_handler": {
                "columns_to_read": [
                    "other_info",
                    "text",
                    "other_info",
                    "word_label",
                    "other_info0",
                    "other_info1",
                    "other_info2",
                    "other_info3",
                    "other_info4",
                    "other_info5"
                ],
                "train_path": "../datasets/fr_gsd-ud-train.conllu",
                "eval_path": "../datasets/fr_gsd-ud-dev.conllu",
                "test_path": "../datasets/fr_gsd-ud-test.conllu",
                "train_batch_size": 128,
                "eval_batch_size": 128,
                "test_batch_size": 128
            },
            "labels": {
                "use_bio_labels": false
            }
        }
    }
}

TypeError: gen_dataset_from_path() got an unexpected keyword argument 'rank'

Environment:

Python 3.7 with Miniconda on Ubuntu 16.04, pytext-nlp==0.1.3 installed from pip.

Description

Keyword arguments rank and world_size aren't allowed to gen_dataset_from_path in pytext/data/data_handler.py, invoked through pytext/pytext/main.py:train_model

Calling the function with these as positional arguments resolves the issue.

  File "scripts/baseline", line 64, in train_hred
    trained_model, best_metric = train_model(cfg, summary_writer=summary_writer)
  File "/home/adama/miniconda3/envs/baseline/lib/python3.7/site-packages/pytext_nlp-0.1.3-py3.7.egg/pytext/workflow.py", line 71, in train_model
    trained_model, best_metric = task.train(config, rank, world_size)
  File "/home/adama/miniconda3/envs/baseline/lib/python3.7/site-packages/pytext_nlp-0.1.3-py3.7.egg/pytext/task/task.py", line 150, in train
    self.data_handler.get_train_iter(rank, world_size),
  File "/home/adama/miniconda3/envs/baseline/lib/python3.7/site-packages/pytext_nlp-0.1.3-py3.7.egg/pytext/data/data_handler.py", line 533, in get_train_iter
    self.train_path, self.train_batch_size, rank, world_size
  File "/home/adama/miniconda3/envs/baseline/lib/python3.7/site-packages/pytext_nlp-0.1.3-py3.7.egg/pytext/data/data_handler.py", line 523, in get_train_iter_from_path
    self.gen_dataset_from_path(train_path, rank=rank, world_size=world_size),
TypeError: gen_dataset_from_path() got an unexpected keyword argument 'rank'

Not able to run the pytext

I just follow the installation steps.

python3.6 -m venv pytext_venv
source pytext_venv/bin/activate
pip3.6 install pytext-nlp

I am getting following error

(pytext_venv) root@ubuntu:~/test/pytext# pytext
Traceback (most recent call last):
  File "/root/test/pytext_venv/bin/pytext", line 7, in <module>
    from pytext.main import main
  File "/root/test/pytext_venv/lib/python3.6/site-packages/pytext/__init__.py", line 11, in <module>
    from .builtin_task import register_builtin_tasks
  File "/root/test/pytext_venv/lib/python3.6/site-packages/pytext/builtin_task.py", line 5, in <module>
    from pytext.task.disjoint_multitask import DisjointMultitask
  File "/root/test/pytext_venv/lib/python3.6/site-packages/pytext/task/__init__.py", line 4, in <module>
    from .serialize import load, save
  File "/root/test/pytext_venv/lib/python3.6/site-packages/pytext/task/serialize.py", line 12, in <module>
    from .task import create_task
  File "/root/test/pytext_venv/lib/python3.6/site-packages/pytext/task/task.py", line 25, in <module>
    from pytext.metric_reporters import MetricReporter
  File "/root/test/pytext_venv/lib/python3.6/site-packages/pytext/metric_reporters/__init__.py", line 6, in <module>
    from .compositional_metric_reporter import CompositionalMetricReporter
  File "/root/test/pytext_venv/lib/python3.6/site-packages/pytext/metric_reporters/compositional_metric_reporter.py", line 17, in <module>
    from pytext.metrics.intent_slot_metrics import (
  File "/root/test/pytext_venv/lib/python3.6/site-packages/pytext/metrics/intent_slot_metrics.py", line 6, in <module>
    from typing import Any, Counter, Dict, List, NamedTuple, Optional, Sequence, Set, Tuple
ImportError: cannot import name 'Counter'

I would like to see the help page of pytext.

How do I resolve it?

graph is only added to tensorboard when exporter is present in the config

it's probably best to always export the graph for viewing in tensorboard, if use_tensorboard is set.

the only problem i had when thinking about how to do this is that the add_graph function needs the dummy input; and that's only set when the exporter is defined.

so does it make sense to always have an exporter if use_tensorboard is true? i.e. some kind of simple "TensorboardExporter"?

hypothesis.errors.InvalidArgument: Invalid argument: 'min_satisfying_examples' is not a valid setting

Hello! I work on https://gitpod.io, and I'd love to try and make life easier for potential new PyText contributors by configuring Gitpod to support PyText development.

This would provide newcomers (and PyText maintainers) with free pre-configured workspaces in the cloud, allowing them to get started coding instantly, without having to first set up a complete development environment themselves.

If you like this idea, I've already started experimenting with a prototype .gitpod.yml configuration for PyText that looks like this:

tasks:
  - before: source activation_venv
    init: >
        pip install torch &&
        ./install_deps &&
        pip install -U pytest pytest-cov

This is supposed to automatically pre-configure Gitpod workspaces for PyText development.

However, I'm facing this issue in the resulting environment:

Steps to reproduce

  1. Open this PyText workspace snapshot (it has a fresh PyText clone, and the setup steps were run)
  2. Try running pytest

Observed Results

(pytext_venv) gitpod /workspace/pytext $ pytest
================================================================ test session starts ================================================================
platform linux -- Python 3.6.6, pytest-4.1.1, py-1.7.0, pluggy-0.8.1
hypothesis profile 'default' -> database=DirectoryBasedExampleDatabase('/workspace/pytext/.hypothesis/examples')
rootdir: /workspace/pytext, inifile: pytest.ini
plugins: cov-2.6.1, hypothesis-4.0.1
collected 91 items / 2 errors

====================================================================== ERRORS =======================================================================
________________________________________ ERROR collecting pytext/exporters/test/text_model_exporter_test.py _________________________________________
pytext/exporters/test/text_model_exporter_test.py:8: in <module>
    import caffe2.python.hypothesis_test_util as hu
pytext_venv/lib/python3.6/site-packages/caffe2/python/hypothesis_test_util.py:76: in <module>
    verbosity=hypothesis.Verbosity.verbose))
pytext_venv/lib/python3.6/site-packages/hypothesis/_settings.py:183: in __init__
    "Invalid argument: %r is not a valid setting" % (name,)
E   hypothesis.errors.InvalidArgument: Invalid argument: 'min_satisfying_examples' is not a valid setting
------------------------------------------------------------------ Captured stdout ------------------------------------------------------------------
net_drawer will not run correctly. Please install the correct dependencies.
__________________________________________________ ERROR collecting pytext/models/test/crf_test.py __________________________________________________
pytext/models/test/crf_test.py:4: in <module>
    import caffe2.python.hypothesis_test_util as hu
pytext_venv/lib/python3.6/site-packages/caffe2/python/hypothesis_test_util.py:76: in <module>
    verbosity=hypothesis.Verbosity.verbose))
pytext_venv/lib/python3.6/site-packages/hypothesis/_settings.py:183: in __init__
    "Invalid argument: %r is not a valid setting" % (name,)
E   hypothesis.errors.InvalidArgument: Invalid argument: 'min_satisfying_examples' is not a valid setting
================================================================= warnings summary ==================================================================
pytext/loss/loss.py:95
  /workspace/pytext/pytext/loss/loss.py:95: DeprecationWarning: invalid escape sequence \l
    """

pytext/config/test/component_test.py:51
  /workspace/pytext/pytext/config/test/component_test.py:51: PytestWarning: cannot collect test class 'TestConfig' because it has a __init__ constructor
    class TestConfig(ConfigBase):

-- Docs: https://docs.pytest.org/en/latest/warnings.html
!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!! Interrupted: 2 errors during collection !!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!
======================================================== 2 warnings, 2 error in 4.69 seconds ========================================================

Expected Results

The tests should pass, but I don't understand the above errors or how to fix them. Maybe I'm doing something wrong?

<repository>

Steps to reproduce




Observed Results

  • What happened? This could be a description, log output, etc.

Expected Results

  • What did you expect to happen?

Relevant Code

// TODO(you): code here to reproduce the problem

Pytext segfaults when running the example

Steps to reproduce

  1. git clone [email protected]:facebookresearch/pytext.git
  2. conda create -n pytext -y
  3. conda activate pytext
  4. conda intall pip
  5. pip install pytext-nlp
  6. cd pytext
  7. pytext train < demo/configs/docnn.json
  8. pytext test < demo/configs/docnn.json
  9. pytext export --output-path exported_model.c2 < demo/configs/docnn.json

Observed Results

(pytext) ➜  pytext git:(master) ✗ pytext export --output-path exported_model.c2 < demo/configs/docnn.json
No config file specified, reading from stdin
Exporting /tmp/model.pt to caffe2 file: exported_model.c2 and onnx file: /tmp/model.onnx
Loading model from /tmp/model.pt...
Task parameters:

{'data_handler': {'columns_to_read': ['doc_label', 'text', 'dict_feat'],
                  'eval_batch_size': 128,
                  'eval_path': 'tests/data/test_data_tiny.tsv',
                  'max_seq_len': -1,
                  'shuffle': True,
                  'sort_within_batch': True,
                  'test_batch_size': 128,
                  'test_path': 'tests/data/test_data_tiny.tsv',
                  'train_batch_size': 128,
                  'train_path': 'tests/data/train_data_tiny.tsv'},
 'exporter': None,
 'features': {'char_feat': None,
              'dense_feat': None,
              'dict_feat': None,
              'freeze': False,
              'load_path': None,
              'pretrained_model_embedding': None,
              'save_path': None,
              'shared_module_key': None,
              'word_feat': {'embed_dim': 100,
                            'embedding_init_range': None,
                            'embedding_init_strategy': 'random',
                            'export_input_names': ['tokens_vals'],
                            'freeze': False,
                            'lowercase_tokens': True,
                            'min_freq': 1,
                            'mlp_layer_dims': [],
                            'pretrained_embeddings_path': '',
                            'vocab_file': '',
                            'vocab_from_all_data': False,
                            'vocab_from_pretrained_embeddings': False,
                            'vocab_from_train_data': True,
                            'vocab_size': 0}},
 'featurizer': {'SimpleFeaturizer': {'convert_to_bytes': False,
                                     'lowercase_tokens': True,
                                     'sentence_markers': None,
                                     'split_regex': '\\s+'}},
 'labels': {'export_output_names': ['doc_scores'],
            'label_weights': {},
            'target_prob': False},
 'metric_reporter': {'output_path': '/tmp/test_out.txt'},
 'model': {'decoder': {'freeze': False,
                       'hidden_dims': [],
                       'load_path': None,
                       'save_path': None,
                       'shared_module_key': None},
           'output_layer': {'freeze': False,
                            'load_path': None,
                            'loss': {'CrossEntropyLoss': {}},
                            'save_path': None,
                            'shared_module_key': None},
           'representation': {'BiLSTMDocAttention': {'dropout': 0.4,
                                                     'freeze': False,
                                                     'load_path': None,
                                                     'lstm': {'bidirectional': True,
                                                              'dropout': 0.4,
                                                              'freeze': False,
                                                              'load_path': None,
                                                              'lstm_dim': 32,
                                                              'num_layers': 1,
                                                              'save_path': None,
                                                              'shared_module_key': None},
                                                     'mlp_decoder': None,
                                                     'pooling': {'SelfAttention': {'attn_dimension': 64,
                                                                                   'dropout': 0.4}},
                                                     'save_path': None,
                                                     'shared_module_key': None}}},
 'optimizer': {'lr': 0.001,
               'momentum': 0.0,
               'type': 'adam',
               'weight_decay': 1e-05},
 'scheduler': {'T_max': 1000,
               'cooldown': 0,
               'cut_frac': 0.1,
               'eta_min': 0.0,
               'gamma': 0.1,
               'lm_gradual_unfreezing': True,
               'lm_lr_multiplier': 1.0,
               'lm_use_per_layer_lr': False,
               'non_pretrained_param_groups': 2,
               'patience': 5,
               'ratio': 32,
               'step_size': 30,
               'threshold': 0.0001,
               'threshold_is_absolute': False,
               'type': 'none'},
 'trainer': {'early_stop_after': 0,
             'epochs': 10,
             'max_clip_norm': None,
             'random_seed': 0,
             'report_train_metrics': True}}
creating field TextFeatureField
creating field DocLabelField

Loading data...
load_path is not a config of embedding, skipping
save_path is not a config of embedding, skipping
freeze is not a config of embedding, skipping
shared_module_key is not a config of embedding, skipping
dict_feat is not a config of embedding, skipping
char_feat is not a config of embedding, skipping
pretrained_model_embedding is not a config of embedding, skipping
dense_feat is not a config of embedding, skipping
Model has 2 param groups (1 from embedding module) for optimizer
Saving caffe2 model to: exported_model.c2
Saving onnx model to: /tmp/model.onnx
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/nn/modules/module.py:487: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.
  result = self._slow_forward(*input, **kwargs)
*** Error in `/data/erippeth/anaconda3/envs/pytext/bin/python': free(): invalid pointer: 0x00007ffd338d6368 ***
======= Backtrace: =========
/lib64/libc.so.6(+0x81489)[0x7f1473a2c489]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0xe3155)[0x7f145c7fd155]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0x78004)[0x7f145c792004]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0xe8c67)[0x7f145c802c67]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0xe9fb4)[0x7f145c803fb4]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0xe4365)[0x7f145c7fe365]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0xeb315)[0x7f145c805315]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0x48e3e)[0x7f145c762e3e]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0x49b33)[0x7f145c763b33]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0x4b7d3)[0x7f145c7657d3]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0x4c7b6)[0x7f145c7667b6]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0x206f3)[0x7f145c73a6f3]
/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so(+0x3a86e)[0x7f145c75486e]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyMethodDef_RawFastCallKeywords+0x264)[0x55eaaf232e24]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyCFunction_FastCallKeywords+0x21)[0x55eaaf232f41]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x4e06)[0x55eaaf28d8c6]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallKeywords+0xfb)[0x55eaaf231ecb]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x4aa1)[0x55eaaf28d561]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x2f9)[0x55eaaf1ce0d9]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallKeywords+0x325)[0x55eaaf2320f5]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x4aa1)[0x55eaaf28d561]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x2f9)[0x55eaaf1ce0d9]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallKeywords+0x325)[0x55eaaf2320f5]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x530)[0x55eaaf288ff0]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x2f9)[0x55eaaf1ce0d9]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallKeywords+0x387)[0x55eaaf232157]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x14e1)[0x55eaaf289fa1]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x2f9)[0x55eaaf1ce0d9]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallKeywords+0x325)[0x55eaaf2320f5]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x6e6)[0x55eaaf2891a6]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x2f9)[0x55eaaf1ce0d9]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallDict+0x3dc)[0x55eaaf1cf3bc]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x1f3f)[0x55eaaf28a9ff]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x5da)[0x55eaaf1ce3ba]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallDict+0x3dc)[0x55eaaf1cf3bc]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x1f3f)[0x55eaaf28a9ff]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x2f9)[0x55eaaf1ce0d9]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallDict+0x3dc)[0x55eaaf1cf3bc]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyObject_Call_Prepend+0x63)[0x55eaaf1e6473]
/data/erippeth/anaconda3/envs/pytext/bin/python(PyObject_Call+0x6e)[0x55eaaf1db19e]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x1f3f)[0x55eaaf28a9ff]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallKeywords+0xfb)[0x55eaaf231ecb]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x530)[0x55eaaf288ff0]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0xab9)[0x55eaaf1ce899]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallKeywords+0x387)[0x55eaaf232157]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x530)[0x55eaaf288ff0]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x2f9)[0x55eaaf1ce0d9]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallDict+0x1d4)[0x55eaaf1cf1b4]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyObject_Call_Prepend+0x63)[0x55eaaf1e6473]
/data/erippeth/anaconda3/envs/pytext/bin/python(PyObject_Call+0x6e)[0x55eaaf1db19e]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x1f3f)[0x55eaaf28a9ff]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x2f9)[0x55eaaf1ce0d9]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyFunction_FastCallDict+0x1d4)[0x55eaaf1cf1b4]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyObject_Call_Prepend+0x63)[0x55eaaf1e6473]
/data/erippeth/anaconda3/envs/pytext/bin/python(+0x17194a)[0x55eaaf22a94a]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyObject_FastCallKeywords+0x49b)[0x55eaaf23346b]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalFrameDefault+0x4b86)[0x55eaaf28d646]
/data/erippeth/anaconda3/envs/pytext/bin/python(_PyEval_EvalCodeWithName+0x2f9)[0x55eaaf1ce0d9]
/data/erippeth/anaconda3/envs/pytext/bin/python(PyEval_EvalCodeEx+0x44)[0x55eaaf1cefa4]
/data/erippeth/anaconda3/envs/pytext/bin/python(PyEval_EvalCode+0x1c)[0x55eaaf1cefcc]
/data/erippeth/anaconda3/envs/pytext/bin/python(+0x22f664)[0x55eaaf2e8664]
/data/erippeth/anaconda3/envs/pytext/bin/python(PyRun_FileExFlags+0xa1)[0x55eaaf2f2881]
/data/erippeth/anaconda3/envs/pytext/bin/python(PyRun_SimpleFileExFlags+0x1c3)[0x55eaaf2f2a73]
======= Memory map: ========
55eaaf0b9000-55eaaf114000 r--p 00000000 00:2c 433809370732               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/bin/python3.7
55eaaf114000-55eaaf2f4000 r-xp 0005b000 00:2c 433809370732               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/bin/python3.7
55eaaf2f4000-55eaaf39b000 r--p 0023b000 00:2c 433809370732               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/bin/python3.7
55eaaf39c000-55eaaf39f000 r--p 002e2000 00:2c 433809370732               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/bin/python3.7
55eaaf39f000-55eaaf408000 rw-p 002e5000 00:2c 433809370732               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/bin/python3.7
55eaaf408000-55eaaf429000 rw-p 00000000 00:00 0
55eaaf438000-55eab0d49000 rw-p 00000000 00:00 0                          [heap]
7f13c4000000-7f13c4021000 rw-p 00000000 00:00 0
7f13c4021000-7f13c8000000 ---p 00000000 00:00 0
7f13c9a23000-7f13cae4d000 r-xp 00000000 00:2c 502558114865               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libnvrtc-007d19c9.so.9.0
7f13cae4d000-7f13cb04c000 ---p 0142a000 00:2c 502558114865               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libnvrtc-007d19c9.so.9.0
7f13cb04c000-7f13cb1f6000 rw-p 01429000 00:2c 502558114865               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libnvrtc-007d19c9.so.9.0
7f13cb1f6000-7f13cb26e000 rw-p 00000000 00:00 0
7f13cb26e000-7f13cb270000 rw-p 015d3000 00:2c 502558114865               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libnvrtc-007d19c9.so.9.0
7f13cb270000-7f13cb2df000 r-xp 00000000 00:2c 502511627280               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libc10_cuda.so
7f13cb2df000-7f13cb4de000 ---p 0006f000 00:2c 502511627280               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libc10_cuda.so
7f13cb4de000-7f13cb4e1000 r--p 0006e000 00:2c 502511627280               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libc10_cuda.so
7f13cb4e1000-7f13cb4e2000 rw-p 00071000 00:2c 502511627280               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libc10_cuda.so
7f13cb4e2000-7f13cb4e3000 rw-p 00000000 00:00 0
7f13cb4e3000-7f13cb508000 r-xp 00000000 00:2c 502516781629               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libgomp-7bcb08ae.so.1
7f13cb508000-7f13cb707000 ---p 00025000 00:2c 502516781629               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libgomp-7bcb08ae.so.1
7f13cb707000-7f13cb708000 r--p 00024000 00:2c 502516781629               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libgomp-7bcb08ae.so.1
7f13cb708000-7f13cb70d000 rw-p 00025000 00:2c 502516781629               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libgomp-7bcb08ae.so.1
7f13cb70d000-7f13cb776000 r-xp 00000000 00:2c 502558114869               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcudart-f7fdd8d7.so.9.0
7f13cb776000-7f13cb975000 ---p 00069000 00:2c 502558114869               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcudart-f7fdd8d7.so.9.0
7f13cb975000-7f13cb979000 rw-p 00068000 00:2c 502558114869               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcudart-f7fdd8d7.so.9.0
7f13cb979000-7f13cb97a000 rw-p 00000000 00:00 0
7f13cb97a000-7f13cb97d000 rw-p 0006d000 00:2c 502558114869               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcudart-f7fdd8d7.so.9.0
7f13cb97d000-7f13cbefb000 r-xp 00000000 00:2c 502558114864               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libmkldnn.so.0
7f13cbefb000-7f13cc0fa000 ---p 0057e000 00:2c 502558114864               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libmkldnn.so.0
7f13cc0fa000-7f13cc123000 r--p 0057d000 00:2c 502558114864               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libmkldnn.so.0
7f13cc123000-7f13cc124000 rw-p 005a6000 00:2c 502558114864               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libmkldnn.so.0
7f13cc124000-7f13cc130000 rw-p 00000000 00:00 0
7f13cc130000-7f13cc132000 rw-p 0077c000 00:2c 502558114864               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libmkldnn.so.0
7f13cc132000-7f13cc14f000 r-xp 00000000 00:2c 502558114875               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libc10.so
7f13cc14f000-7f13cc34f000 ---p 0001d000 00:2c 502558114875               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libc10.so
7f13cc34f000-7f13cc350000 r--p 0001d000 00:2c 502558114875               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libc10.so
7f13cc350000-7f13cc351000 rw-p 0001e000 00:2c 502558114875               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libc10.so
7f13cc351000-7f13cc352000 rw-p 00000000 00:00 0
7f13cc352000-7f13f9841000 r-xp 00000000 00:2c 502558114867               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2_gpu.so
7f13f9841000-7f13f9a40000 ---p 2d4ef000 00:2c 502558114867               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2_gpu.so
7f13f9a40000-7f13f9b5f000 r--p 2d4ee000 00:2c 502558114867               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2_gpu.so
7f13f9b5f000-7f13faf79000 rw-p 2d60d000 00:2c 502558114867               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2_gpu.so
7f13faf79000-7f13fb669000 rw-p 00000000 00:00 0
7f13fb669000-7f13fcc05000 rw-p 31c00000 00:2c 502558114867               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2_gpu.so
7f13fcc05000-7f140595e000 r-xp 00000000 00:2c 502558114870               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2.so
7f140595e000-7f1405b5e000 ---p 08d59000 00:2c 502558114870               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2.so
7f1405b5e000-7f1405c22000 r--p 08d59000 00:2c 502558114870               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2.so
7f1405c22000-7f1405d7b000 rw-p 08e1d000 00:2c 502558114870               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2.so
7f1405d7b000-7f1405ddf000 rw-p 00000000 00:00 0
7f1405ddf000-7f1406162000 rw-p 099e8000 00:2c 502558114870               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libcaffe2.so
7f1406162000-7f140631a000 r-xp 00000000 00:2c 689449928209               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/caffe2/python/caffe2_pybind11_state_gpu.cpython-37m-x86_64-linux-gnu.so
7f140631a000-7f1406519000 ---p 001b8000 00:2c 689449928209               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/caffe2/python/caffe2_pybind11_state_gpu.cpython-37m-x86_64-linux-gnu.so
7f1406519000-7f1406521000 r--p 001b7000 00:2c 689449928209               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/caffe2/python/caffe2_pybind11_state_gpu.cpython-37m-x86_64-linux-gnu.so
7f1406521000-7f1406523000 rw-p 001bf000 00:2c 689449928209               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/caffe2/python/caffe2_pybind11_state_gpu.cpython-37m-x86_64-linux-gnu.so
7f1406523000-7f1406664000 rw-p 00000000 00:00 0
7f1406664000-7f1406668000 r--p 00000000 00:2c 485358296609               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/array.cpython-37m-x86_64-linux-gnu.so
7f1406668000-7f140666f000 r-xp 00004000 00:2c 485358296609               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/array.cpython-37m-x86_64-linux-gnu.so
7f140666f000-7f1406672000 r--p 0000b000 00:2c 485358296609               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/array.cpython-37m-x86_64-linux-gnu.so
7f1406672000-7f1406673000 ---p 0000e000 00:2c 485358296609               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/array.cpython-37m-x86_64-linux-gnu.so
7f1406673000-7f1406674000 r--p 0000e000 00:2c 485358296609               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/array.cpython-37m-x86_64-linux-gnu.so
7f1406674000-7f1406677000 rw-p 0000f000 00:2c 485358296609               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/array.cpython-37m-x86_64-linux-gnu.so
7f1406677000-7f14066f7000 rw-p 00000000 00:00 0
7f14066f7000-7f140690d000 r-xp 00000000 00:2c 231961542666               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/google/protobuf/pyext/_message.cpython-37m-x86_64-linux-gnu.so
7f140690d000-7f1406b0c000 ---p 00216000 00:2c 231961542666               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/google/protobuf/pyext/_message.cpython-37m-x86_64-linux-gnu.so
7f1406b0c000-7f1406b1d000 rw-p 00215000 00:2c 231961542666               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/google/protobuf/pyext/_message.cpython-37m-x86_64-linux-gnu.so
7f1406b1d000-7f1406b1e000 rw-p 00000000 00:00 0
7f1406b1e000-7f1406b21000 r--p 00000000 00:2c 367546390049               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libgcc_s.so.1
7f1406b21000-7f1406b2e000 r-xp 00003000 00:2c 367546390049               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libgcc_s.so.1
7f1406b2e000-7f1406b31000 r--p 00010000 00:2c 367546390049               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libgcc_s.so.1
7f1406b31000-7f1406b32000 r--p 00012000 00:2c 367546390049               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libgcc_s.so.1
7f1406b32000-7f1406b33000 rw-p 00013000 00:2c 367546390049               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libgcc_s.so.1
7f1406b33000-7f1406bc7000 r--p 00000000 00:2c 433947043370               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libstdc++.so.6.0.25
7f1406bc7000-7f1406c2c000 r-xp 00094000 00:2c 433947043370               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libstdc++.so.6.0.25
7f1406c2c000-7f1406c63000 r--p 000f9000 00:2c 433947043370               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libstdc++.so.6.0.25
7f1406c63000-7f1406c6d000 r--p 0012f000 00:2c 433947043370               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libstdc++.so.6.0.25
7f1406c6d000-7f1406c71000 rw-p 00139000 00:2c 433947043370               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libstdc++.so.6.0.25
7f1406c71000-7f1406c74000 rw-p 00000000 00:00 0
7f1406c74000-7f1406c75000 r-xp 00000000 00:2c 236392059932               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/google/protobuf/internal/_api_implementation.cpython-37m-x86_64-linux-gnu.so
7f1406c75000-7f1406e74000 ---p 00001000 00:2c 236392059932               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/google/protobuf/internal/_api_implementation.cpython-37m-x86_64-linux-gnu.so
7f1406e74000-7f1406e75000 rw-p 00000000 00:2c 236392059932               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/google/protobuf/internal/_api_implementation.cpython-37m-x86_64-linux-gnu.so
7f1406e75000-7f1407075000 rw-p 00000000 00:00 0
7f1407075000-7f1407076000 r--p 00000000 00:2c 485357796412               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_opcode.cpython-37m-x86_64-linux-gnu.so
7f1407076000-7f1407077000 r-xp 00001000 00:2c 485357796412               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_opcode.cpython-37m-x86_64-linux-gnu.so
7f1407077000-7f1407078000 r--p 00002000 00:2c 485357796412               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_opcode.cpython-37m-x86_64-linux-gnu.so
7f1407078000-7f1407079000 r--p 00002000 00:2c 485357796412               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_opcode.cpython-37m-x86_64-linux-gnu.so
7f1407079000-7f140707a000 rw-p 00003000 00:2c 485357796412               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_opcode.cpython-37m-x86_64-linux-gnu.so
7f140707a000-7f14070ba000 rw-p 00000000 00:00 0
7f14070ba000-7f14070bf000 r--p 00000000 00:2c 485358296632               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_socket.cpython-37m-x86_64-linux-gnu.so
7f14070bf000-7f14070cd000 r-xp 00005000 00:2c 485358296632               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_socket.cpython-37m-x86_64-linux-gnu.so
7f14070cd000-7f14070d2000 r--p 00013000 00:2c 485358296632               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_socket.cpython-37m-x86_64-linux-gnu.so
7f14070d2000-7f14070d3000 r--p 00017000 00:2c 485358296632               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_socket.cpython-37m-x86_64-linux-gnu.so
7f14070d3000-7f14070d8000 rw-p 00018000 00:2c 485358296632               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_socket.cpython-37m-x86_64-linux-gnu.so
7f14070d8000-7f1407158000 rw-p 00000000 00:00 0
7f1407158000-7f140715f000 r--p 00000000 00:2c 485358297160               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/pyexpat.cpython-37m-x86_64-linux-gnu.so
7f140715f000-7f1407189000 r-xp 00007000 00:2c 485358297160               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/pyexpat.cpython-37m-x86_64-linux-gnu.so
7f1407189000-7f1407193000 r--p 00031000 00:2c 485358297160               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/pyexpat.cpython-37m-x86_64-linux-gnu.so
7f1407193000-7f1407196000 r--p 0003a000 00:2c 485358297160               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/pyexpat.cpython-37m-x86_64-linux-gnu.so
7f1407196000-7f1407198000 rw-p 0003d000 00:2c 485358297160               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/pyexpat.cpython-37m-x86_64-linux-gnu.so
7f1407198000-7f140719a000 r--p 00000000 00:2c 485358251582               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/select.cpython-37m-x86_64-linux-gnu.so
7f140719a000-7f140719e000 r-xp 00002000 00:2c 485358251582               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/select.cpython-37m-x86_64-linux-gnu.so
7f140719e000-7f140719f000 r--p 00006000 00:2c 485358251582               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/select.cpython-37m-x86_64-linux-gnu.so
7f140719f000-7f14071a0000 r--p 00006000 00:2c 485358251582               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/select.cpython-37m-x86_64-linux-gnu.so
7f14071a0000-7f14071a2000 rw-p 00007000 00:2c 485358251582               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/select.cpython-37m-x86_64-linux-gnu.so
7f14071a2000-7f14071a4000 r--p 00000000 00:2c 485358251570               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_posixsubprocess.cpython-37m-x86_64-linux-gnu.so
7f14071a4000-7f14071a6000 r-xp 00002000 00:2c 485358251570               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_posixsubprocess.cpython-37m-x86_64-linux-gnu.so
7f14071a6000-7f14071a7000 r--p 00004000 00:2c 485358251570               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_posixsubprocess.cpython-37m-x86_64-linux-gnu.so
7f14071a7000-7f14071a8000 r--p 00004000 00:2c 485358251570               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_posixsubprocess.cpython-37m-x86_64-linux-gnu.so
7f14071a8000-7f14071a9000 rw-p 00005000 00:2c 485358251570               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_posixsubprocess.cpython-37m-x86_64-linux-gnu.so
7f14071a9000-7f14071e9000 rw-p 00000000 00:00 0
7f14071e9000-7f14071eb000 r--p 00000000 00:2c 433810057263               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/binascii.cpython-37m-x86_64-linux-gnu.so
7f14071eb000-7f14071ee000 r-xp 00002000 00:2c 433810057263               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/binascii.cpython-37m-x86_64-linux-gnu.so
7f14071ee000-7f14071f0000 r--p 00005000 00:2c 433810057263               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/binascii.cpython-37m-x86_64-linux-gnu.so
7f14071f0000-7f14071f1000 r--p 00006000 00:2c 433810057263               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/binascii.cpython-37m-x86_64-linux-gnu.so
7f14071f1000-7f14071f2000 rw-p 00007000 00:2c 433810057263               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/binascii.cpython-37m-x86_64-linux-gnu.so
7f14071f2000-7f1407232000 rw-p 00000000 00:00 0
7f1407232000-7f1407234000 r--p 00000000 00:2c 485358251565               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_random.cpython-37m-x86_64-linux-gnu.so
7f1407234000-7f1407236000 r-xp 00002000 00:2c 485358251565               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_random.cpython-37m-x86_64-linux-gnu.so
7f1407236000-7f1407237000 r--p 00004000 00:2c 485358251565               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_random.cpython-37m-x86_64-linux-gnu.so
7f1407237000-7f1407238000 r--p 00004000 00:2c 485358251565               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_random.cpython-37m-x86_64-linux-gnu.so
7f1407238000-7f1407239000 rw-p 00005000 00:2c 485358251565               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_random.cpython-37m-x86_64-linux-gnu.so
7f1407239000-7f1407279000 rw-p 00000000 00:00 0
7f1407279000-7f140727c000 r--p 00000000 00:2c 485358296634               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_sha3.cpython-37m-x86_64-linux-gnu.so
7f140727c000-7f140728f000 r-xp 00003000 00:2c 485358296634               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_sha3.cpython-37m-x86_64-linux-gnu.so
7f140728f000-7f1407290000 r--p 00016000 00:2c 485358296634               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_sha3.cpython-37m-x86_64-linux-gnu.so
7f1407290000-7f1407291000 ---p 00017000 00:2c 485358296634               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_sha3.cpython-37m-x86_64-linux-gnu.so
7f1407291000-7f1407292000 r--p 00017000 00:2c 485358296634               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_sha3.cpython-37m-x86_64-linux-gnu.so
7f1407292000-7f1407294000 rw-p 00018000 00:2c 485358296634               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_sha3.cpython-37m-x86_64-linux-gnu.so
7f1407294000-7f1407296000 r--p 00000000 00:2c 485358296611               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_blake2.cpython-37m-x86_64-linux-gnu.so
7f1407296000-7f140729e000 r-xp 00002000 00:2c 485358296611               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_blake2.cpython-37m-x86_64-linux-gnu.so
7f140729e000-7f140729f000 r--p 0000a000 00:2c 485358296611               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_blake2.cpython-37m-x86_64-linux-gnu.so
7f140729f000-7f14072a0000 ---p 0000b000 00:2c 485358296611               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_blake2.cpython-37m-x86_64-linux-gnu.so
7f14072a0000-7f14072a1000 r--p 0000b000 00:2c 485358296611               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_blake2.cpython-37m-x86_64-linux-gnu.so
7f14072a1000-7f14072a2000 rw-p 0000c000 00:2c 485358296611               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_blake2.cpython-37m-x86_64-linux-gnu.so
7f14072a2000-7f140731d000 r--p 00000000 00:2c 433809370709               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libcrypto.so.1.1
7f140731d000-7f14074e3000 r-xp 0007b000 00:2c 433809370709               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libcrypto.so.1.1
7f14074e3000-7f140756b000 r--p 00241000 00:2c 433809370709               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libcrypto.so.1.1
7f140756b000-7f1407596000 r--p 002c8000 00:2c 433809370709               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libcrypto.so.1.1
7f1407596000-7f1407598000 rw-p 002f3000 00:2c 433809370709               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libcrypto.so.1.1
7f1407598000-7f140759b000 rw-p 00000000 00:00 0
7f140759b000-7f140759d000 r--p 00000000 00:2c 433809370750               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_hashlib.cpython-37m-x86_64-linux-gnu.so
7f140759d000-7f14075a0000 r-xp 00002000 00:2c 433809370750               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_hashlib.cpython-37m-x86_64-linux-gnu.so
7f14075a0000-7f14075a2000 r--p 00005000 00:2c 433809370750               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_hashlib.cpython-37m-x86_64-linux-gnu.so
7f14075a2000-7f14075a3000 r--p 00006000 00:2c 433809370750               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_hashlib.cpython-37m-x86_64-linux-gnu.so
7f14075a3000-7f14075a4000 rw-p 00007000 00:2c 433809370750               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_hashlib.cpython-37m-x86_64-linux-gnu.so
7f14075a4000-7f1407724000 rw-p 00000000 00:00 0
7f1407724000-7f14077e2000 r-xp 00000000 00:2c 287775215143               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/random/mtrand.cpython-37m-x86_64-linux-gnu.so
7f14077e2000-7f14079e2000 ---p 000be000 00:2c 287775215143               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/random/mtrand.cpython-37m-x86_64-linux-gnu.so
7f14079e2000-7f1407a07000 rw-p 000be000 00:2c 287775215143               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/random/mtrand.cpython-37m-x86_64-linux-gnu.so
7f1407a07000-7f1407a4b000 rw-p 00000000 00:00 0
7f1407a4b000-7f1407a54000 r-xp 00000000 00:2c 341558338591               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/fft/fftpack_lite.cpython-37m-x86_64-linux-gnu.so
7f1407a54000-7f1407c54000 ---p 00009000 00:2c 341558338591               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/fft/fftpack_lite.cpython-37m-x86_64-linux-gnu.so
7f1407c54000-7f1407c55000 rw-p 00009000 00:2c 341558338591               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/fft/fftpack_lite.cpython-37m-x86_64-linux-gnu.so
7f1407c55000-7f1407c95000 rw-p 00000000 00:00 0
7f1407c95000-7f1407c9c000 r--p 00000000 00:2c 485358297162               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_decimal.cpython-37m-x86_64-linux-gnu.so
7f1407c9c000-7f1407cd1000 r-xp 00007000 00:2c 485358297162               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_decimal.cpython-37m-x86_64-linux-gnu.so
7f1407cd1000-7f1407cdb000 r--p 0003c000 00:2c 485358297162               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_decimal.cpython-37m-x86_64-linux-gnu.so
7f1407cdb000-7f1407cdc000 ---p 00046000 00:2c 485358297162               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_decimal.cpython-37m-x86_64-linux-gnu.so
7f1407cdc000-7f1407cdd000 r--p 00046000 00:2c 485358297162               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_decimal.cpython-37m-x86_64-linux-gnu.so
7f1407cdd000-7f1407ce5000 rw-p 00047000 00:2c 485358297162               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_decimal.cpython-37m-x86_64-linux-gnu.so
7f1407ce5000-7f1407ce7000 r--p 00000000 00:2c 485358251559               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/grp.cpython-37m-x86_64-linux-gnu.so
7f1407ce7000-7f1407ce8000 r-xp 00002000 00:2c 485358251559               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/grp.cpython-37m-x86_64-linux-gnu.so
7f1407ce8000-7f1407ce9000 r--p 00003000 00:2c 485358251559               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/grp.cpython-37m-x86_64-linux-gnu.so
7f1407ce9000-7f1407cea000 r--p 00003000 00:2c 485358251559               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/grp.cpython-37m-x86_64-linux-gnu.so
7f1407cea000-7f1407ceb000 rw-p 00004000 00:2c 485358251559               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/grp.cpython-37m-x86_64-linux-gnu.so
7f1407ceb000-7f1407d10000 r-xp 00000000 00:2c 333013638188               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/liblzma.so.5.2.4
7f1407d10000-7f1407f0f000 ---p 00025000 00:2c 333013638188               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/liblzma.so.5.2.4
7f1407f0f000-7f1407f10000 r--p 00024000 00:2c 333013638188               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/liblzma.so.5.2.4
7f1407f10000-7f1407f11000 rw-p 00025000 00:2c 333013638188               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/liblzma.so.5.2.4
7f1407f11000-7f1407f14000 r--p 00000000 00:2c 433809370751               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_lzma.cpython-37m-x86_64-linux-gnu.so
7f1407f14000-7f1407f18000 r-xp 00003000 00:2c 433809370751               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_lzma.cpython-37m-x86_64-linux-gnu.so
7f1407f18000-7f1407f1a000 r--p 00007000 00:2c 433809370751               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_lzma.cpython-37m-x86_64-linux-gnu.so
7f1407f1a000-7f1407f1b000 r--p 00008000 00:2c 433809370751               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_lzma.cpython-37m-x86_64-linux-gnu.so
7f1407f1b000-7f1407f1d000 rw-p 00009000 00:2c 433809370751               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_lzma.cpython-37m-x86_64-linux-gnu.so
7f1407f1d000-7f1407f20000 r--p 00000000 00:2c 433809370746               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bz2.cpython-37m-x86_64-linux-gnu.so
7f1407f20000-7f1407f2f000 r-xp 00003000 00:2c 433809370746               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bz2.cpython-37m-x86_64-linux-gnu.so
7f1407f2f000-7f1407f31000 r--p 00012000 00:2c 433809370746               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bz2.cpython-37m-x86_64-linux-gnu.so
7f1407f31000-7f1407f32000 ---p 00014000 00:2c 433809370746               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bz2.cpython-37m-x86_64-linux-gnu.so
7f1407f32000-7f1407f33000 r--p 00014000 00:2c 433809370746               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bz2.cpython-37m-x86_64-linux-gnu.so
7f1407f33000-7f1407f35000 rw-p 00015000 00:2c 433809370746               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bz2.cpython-37m-x86_64-linux-gnu.so
7f1407f35000-7f1407f75000 rw-p 00000000 00:00 0
7f1407f75000-7f1407f78000 r--p 00000000 00:2c 133536202302               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libz.so.1.2.11
7f1407f78000-7f1407f8c000 r-xp 00003000 00:2c 133536202302               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libz.so.1.2.11
7f1407f8c000-7f1407f93000 r--p 00017000 00:2c 133536202302               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libz.so.1.2.11
7f1407f93000-7f1407f94000 r--p 0001d000 00:2c 133536202302               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libz.so.1.2.11
7f1407f94000-7f1407f95000 rw-p 0001e000 00:2c 133536202302               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libz.so.1.2.11
7f1407f95000-7f1407f97000 r--p 00000000 00:2c 433810071493               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/zlib.cpython-37m-x86_64-linux-gnu.so
7f1407f97000-7f1407f9b000 r-xp 00002000 00:2c 433810071493               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/zlib.cpython-37m-x86_64-linux-gnu.so
7f1407f9b000-7f1407f9c000 r--p 00006000 00:2c 433810071493               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/zlib.cpython-37m-x86_64-linux-gnu.so
7f1407f9c000-7f1407f9d000 ---p 00007000 00:2c 433810071493               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/zlib.cpython-37m-x86_64-linux-gnu.so
7f1407f9d000-7f1407f9e000 r--p 00007000 00:2c 433810071493               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/zlib.cpython-37m-x86_64-linux-gnu.so
7f1407f9e000-7f1407fa0000 rw-p 00008000 00:2c 433810071493               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/zlib.cpython-37m-x86_64-linux-gnu.so
7f1407fa0000-7f1408060000 rw-p 00000000 00:00 0
7f1408060000-7f140808b000 r-xp 00000000 00:2c 253555109467               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/linalg/_umath_linalg.cpython-37m-x86_64-linux-gnu.so
7f140808b000-7f140828a000 ---p 0002b000 00:2c 253555109467               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/linalg/_umath_linalg.cpython-37m-x86_64-linux-gnu.so
7f140828a000-7f140828c000 rw-p 0002a000 00:2c 253555109467               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/linalg/_umath_linalg.cpython-37m-x86_64-linux-gnu.so
7f140828c000-7f140828f000 rw-p 000d3000 00:2c 253555109467               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/linalg/_umath_linalg.cpython-37m-x86_64-linux-gnu.so
7f140828f000-7f1408293000 r-xp 00000000 00:2c 253555109470               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/linalg/lapack_lite.cpython-37m-x86_64-linux-gnu.so
7f1408293000-7f1408493000 ---p 00004000 00:2c 253555109470               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/linalg/lapack_lite.cpython-37m-x86_64-linux-gnu.so
7f1408493000-7f1408494000 rw-p 00004000 00:2c 253555109470               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/linalg/lapack_lite.cpython-37m-x86_64-linux-gnu.so
7f1408494000-7f1408496000 rw-p 0001a000 00:2c 253555109470               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/linalg/lapack_lite.cpython-37m-x86_64-linux-gnu.so
7f1408496000-7f14084d6000 rw-p 00000000 00:00 0
7f14084d6000-7f14084f5000 r-xp 00000000 00:2c 262145413132               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/core/_multiarray_tests.cpython-37m-x86_64-linux-gnu.so
7f14084f5000-7f14086f4000 ---p 0001f000 00:2c 262145413132               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/core/_multiarray_tests.cpython-37m-x86_64-linux-gnu.so
7f14086f4000-7f14086f6000 rw-p 0001e000 00:2c 262145413132               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/core/_multiarray_tests.cpython-37m-x86_64-linux-gnu.so
7f14086f6000-7f14087b6000 rw-p 00000000 00:00 0
7f14087b6000-7f14087bb000 r--p 00000000 00:2c 485358296633               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_pickle.cpython-37m-x86_64-linux-gnu.so
7f14087bb000-7f14087ce000 r-xp 00005000 00:2c 485358296633               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_pickle.cpython-37m-x86_64-linux-gnu.so
7f14087ce000-7f14087d2000 r--p 00018000 00:2c 485358296633               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_pickle.cpython-37m-x86_64-linux-gnu.so
7f14087d2000-7f14087d3000 r--p 0001b000 00:2c 485358296633               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_pickle.cpython-37m-x86_64-linux-gnu.so
7f14087d3000-7f14087d6000 rw-p 0001c000 00:2c 485358296633               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_pickle.cpython-37m-x86_64-linux-gnu.so
7f14087d6000-7f1408816000 rw-p 00000000 00:00 0
7f1408816000-7f1408819000 r--p 00000000 00:2c 485358296599               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_struct.cpython-37m-x86_64-linux-gnu.so
7f1408819000-7f140881e000 r-xp 00003000 00:2c 485358296599               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_struct.cpython-37m-x86_64-linux-gnu.so
7f140881e000-7f1408820000 r--p 00008000 00:2c 485358296599               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_struct.cpython-37m-x86_64-linux-gnu.so
7f1408820000-7f1408821000 ---p 0000a000 00:2c 485358296599               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_struct.cpython-37m-x86_64-linux-gnu.so
7f1408821000-7f1408822000 r--p 0000a000 00:2c 485358296599               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_struct.cpython-37m-x86_64-linux-gnu.so
7f1408822000-7f1408824000 rw-p 0000b000 00:2c 485358296599               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_struct.cpython-37m-x86_64-linux-gnu.so
7f1408824000-7f140882b000 r-xp 00000000 00:2c 616457614871               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libffi.so.6.0.4
7f140882b000-7f1408a2b000 ---p 00007000 00:2c 616457614871               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libffi.so.6.0.4
7f1408a2b000-7f1408a2c000 r--p 00007000 00:2c 616457614871               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libffi.so.6.0.4
7f1408a2c000-7f1408a2d000 rw-p 00008000 00:2c 616457614871               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libffi.so.6.0.4
7f1408a2d000-7f1408aad000 rw-p 00000000 00:00 0
7f1408aad000-7f140aaad000 rw-p 00000000 00:00 0
7f140aaad000-7f140caad000 rw-p 00000000 00:00 0
7f140caad000-7f140caae000 ---p 00000000 00:00 0
7f140caae000-7f140d2ae000 rw-p 00000000 00:00 0
7f140d2ae000-7f14112ae000 rw-p 00000000 00:00 0
7f14112ae000-7f14112af000 ---p 00000000 00:00 0
7f14112af000-7f1411aaf000 rw-p 00000000 00:00 0
7f1411aaf000-7f1411ab0000 ---p 00000000 00:00 0
7f1411ab0000-7f14122b0000 rw-p 00000000 00:00 0
7f14122b0000-7f14142b0000 rw-p 00000000 00:00 0
7f14142b0000-7f14142b1000 ---p 00000000 00:00 0
7f14142b1000-7f1414ab1000 rw-p 00000000 00:00 0
7f1414ab1000-7f1416ab1000 rw-p 00000000 00:00 0
7f14172b2000-7f14192b2000 rw-p 00000000 00:00 0
7f1419ab3000-7f141bab3000 rw-p 00000000 00:00 0
7f141c2b4000-7f141e2b4000 rw-p 00000000 00:00 0
7f141eab5000-7f1420ab5000 rw-p 00000000 00:00 0
7f14212b6000-7f14232b6000 rw-p 00000000 00:00 0
7f1423ab7000-7f1425ab7000 rw-p 00000000 00:00 0
7f14262b8000-7f14282b8000 rw-p 00000000 00:00 0
7f1428ab9000-7f142aab9000 rw-p 00000000 00:00 0
7f142b2ba000-7f142d2ba000 rw-p 00000000 00:00 0
7f142dabb000-7f142fabb000 rw-p 00000000 00:00 0
7f14302bc000-7f14322bc000 rw-p 00000000 00:00 0
7f1432abd000-7f1434abd000 rw-p 00000000 00:00 0
7f14352be000-7f14372be000 rw-p 00000000 00:00 0
7f1437abf000-7f1439abf000 rw-p 00000000 00:00 0
7f143a2c0000-7f14402c0000 rw-p 00000000 00:00 0
7f1440ac1000-7f1442ac1000 rw-p 00000000 00:00 0
7f14442c4000-7f14482c4000 rw-p 00000000 00:00 0
7f1448ac5000-7f144aac5000 rw-p 00000000 00:00 0
7f144bac7000-7f144dac7000 rw-p 00000000 00:00 0
7f144dac7000-7f144fac7000 rw-p 00000000 00:00 0
7f14502c8000-7f14522c8000 rw-p 00000000 00:00 0
7f1452ac9000-7f1454ac9000 rw-p 00000000 00:00 0
7f1454ba6000-7f1455763000 r-xp 00000000 00:2c 502558114871               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch.so.1
7f1455763000-7f1455962000 ---p 00bbd000 00:2c 502558114871               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch.so.1
7f1455962000-7f14559a1000 r--p 00bbc000 00:2c 502558114871               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch.so.1
7f14559a1000-7f14559a7000 rw-p 00bfb000 00:2c 502558114871               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch.so.1
7f14559a7000-7f14559aa000 rw-p 00000000 00:00 0
7f14559aa000-7f1455acb000 rw-p 00f03000 00:2c 502558114871               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch.so.1
7f1455acb000-7f1457acb000 rw-p 00000000 00:00 0
7f1457e40000-7f14580bb000 r-xp 00000000 09:05 420618                     /usr/local/lib/libprotobuf.so.15.0.0
7f14580bb000-7f14582ba000 ---p 0027b000 09:05 420618                     /usr/local/lib/libprotobuf.so.15.0.0
7f14582ba000-7f14582c5000 r--p 0027a000 09:05 420618                     /usr/local/lib/libprotobuf.so.15.0.0
7f14582c5000-7f14582ca000 rw-p 00285000 09:05 420618                     /usr/local/lib/libprotobuf.so.15.0.0
7f14582ca000-7f14582cc000 rw-p 00000000 00:00 0
7f14582cc000-7f145c2cc000 rw-p 00000000 00:00 0
7f145c71a000-7f145c8c4000 r-xp 00000000 00:2c 427365849655               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so
7f145c8c4000-7f145cac3000 ---p 001aa000 00:2c 427365849655               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so
7f145cac3000-7f145caca000 r--p 001a9000 00:2c 427365849655               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so
7f145caca000-7f145cacb000 rw-p 001b0000 00:2c 427365849655               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/onnx/onnx_cpp2py_export.cpython-37m-x86_64-linux-gnu.so
7f145cacb000-7f145cacd000 rw-p 00000000 00:00 0
7f145cacd000-7f145eacd000 rw-p 00000000 00:00 0
7f145eb27000-7f145ef67000 rw-p 00000000 00:00 0
7f145ef67000-7f145f777000 r-xp 00000000 00:2c 502516781627               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch_python.so
7f145f777000-7f145f977000 ---p 00810000 00:2c 502516781627               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch_python.so
7f145f977000-7f145f986000 r--p 00810000 00:2c 502516781627               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch_python.so
7f145f986000-7f145f9a2000 rw-p 0081f000 00:2c 502516781627               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch_python.so
7f145f9a2000-7f145f9e2000 rw-p 00000000 00:00 0
7f145f9e2000-7f145facf000 rw-p 00a13000 00:2c 502516781627               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libtorch_python.so
7f145facf000-7f1461acf000 rw-p 00000000 00:00 0
7f1461af0000-7f1461d70000 rw-p 00000000 00:00 0
7f1461d70000-7f1461d8f000 r--p 00000000 00:2c 154821042723               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libssl.so.1.1
7f1461d8f000-7f1461de1000 r-xp 0001f000 00:2c 154821042723               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libssl.so.1.1
7f1461de1000-7f1461dfa000 r--p 00071000 00:2c 154821042723               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libssl.so.1.1
7f1461dfa000-7f1461dfb000 ---p 0008a000 00:2c 154821042723               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libssl.so.1.1
7f1461dfb000-7f1461e04000 r--p 0008a000 00:2c 154821042723               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libssl.so.1.1
7f1461e04000-7f1461e08000 rw-p 00093000 00:2c 154821042723               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/libssl.so.1.1
7f1461e08000-7f1461e48000 rw-p 00000000 00:00 0
7f1461e48000-7f1461e4b000 r--p 00000000 00:2c 485358297161               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/unicodedata.cpython-37m-x86_64-linux-gnu.so
7f1461e4b000-7f1461e51000 r-xp 00003000 00:2c 485358297161               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/unicodedata.cpython-37m-x86_64-linux-gnu.so
7f1461e51000-7f1461f32000 r--p 00009000 00:2c 485358297161               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/unicodedata.cpython-37m-x86_64-linux-gnu.so
7f1461f32000-7f1461f33000 r--p 000e9000 00:2c 485358297161               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/unicodedata.cpython-37m-x86_64-linux-gnu.so
7f1461f33000-7f1461f50000 rw-p 000ea000 00:2c 485358297161               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/unicodedata.cpython-37m-x86_64-linux-gnu.so
7f1461f50000-7f14622d0000 rw-p 00000000 00:00 0
7f14622d0000-7f14642d0000 rw-p 00000000 00:00 0
7f14642d0000-7f14662d0000 rw-p 00000000 00:00 0
7f14662d0000-7f14682d0000 rw-p 00000000 00:00 0
7f14682e3000-7f14682ed000 r--p 00000000 00:2c 433810057261               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ssl.cpython-37m-x86_64-linux-gnu.so
7f14682ed000-7f14682f8000 r-xp 0000a000 00:2c 433810057261               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ssl.cpython-37m-x86_64-linux-gnu.so
7f14682f8000-7f14682fe000 r--p 00015000 00:2c 433810057261               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ssl.cpython-37m-x86_64-linux-gnu.so
7f14682fe000-7f14682ff000 ---p 0001b000 00:2c 433810057261               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ssl.cpython-37m-x86_64-linux-gnu.so
7f14682ff000-7f1468300000 r--p 0001b000 00:2c 433810057261               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ssl.cpython-37m-x86_64-linux-gnu.so
7f1468300000-7f1468305000 rw-p 0001c000 00:2c 433810057261               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ssl.cpython-37m-x86_64-linux-gnu.so
7f1468305000-7f14686c6000 rw-p 00000000 00:00 0
7f14686c6000-7f14686ce000 r-xp 00000000 00:2c 502558114873               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libnvToolsExt-3965bdd0.so.1
7f14686ce000-7f14688ce000 ---p 00008000 00:2c 502558114873               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libnvToolsExt-3965bdd0.so.1
7f14688ce000-7f14688cf000 rw-p 00008000 00:2c 502558114873               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libnvToolsExt-3965bdd0.so.1
7f14688cf000-7f14688d0000 rw-p 0000a000 00:2c 502558114873               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libnvToolsExt-3965bdd0.so.1
7f14688d0000-7f14688d8000 r-xp 00000000 00:2c 502558119936               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libshm.so
7f14688d8000-7f1468ad8000 ---p 00008000 00:2c 502558119936               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libshm.so
7f1468ad8000-7f1468ad9000 r--p 00008000 00:2c 502558119936               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libshm.so
7f1468ad9000-7f1468ada000 rw-p 00009000 00:2c 502558119936               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libshm.so
7f1468ada000-7f1468adc000 rw-p 0000d000 00:2c 502558119936               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/lib/libshm.so
7f1468adc000-7f1468ade000 r-xp 00000000 00:2c 403775207476               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_C.cpython-37m-x86_64-linux-gnu.so
7f1468ade000-7f1468cde000 ---p 00002000 00:2c 403775207476               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_C.cpython-37m-x86_64-linux-gnu.so
7f1468cde000-7f1468cdf000 r--p 00002000 00:2c 403775207476               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_C.cpython-37m-x86_64-linux-gnu.so
7f1468cdf000-7f1468ce0000 rw-p 00003000 00:2c 403775207476               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_C.cpython-37m-x86_64-linux-gnu.so
7f1468ce0000-7f1468ce1000 rw-p 00007000 00:2c 403775207476               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_C.cpython-37m-x86_64-linux-gnu.so
7f1468ce1000-7f1468d1e000 r-xp 00000000 09:05 399523                     /usr/lib64/libnvidia-fatbinaryloader.so.410.48
7f1468d1e000-7f1468f1e000 ---p 0003d000 09:05 399523                     /usr/lib64/libnvidia-fatbinaryloader.so.410.48
7f1468f1e000-7f1468f29000 rw-p 0003d000 09:05 399523                     /usr/lib64/libnvidia-fatbinaryloader.so.410.48
7f1468f29000-7f1468f2e000 rw-p 00000000 00:00 0
7f1468f2e000-7f1469caa000 r-xp 00000000 09:05 399499                     /usr/lib64/libcuda.so.410.48
7f1469caa000-7f1469ea9000 ---p 00d7c000 09:05 399499                     /usr/lib64/libcuda.so.410.48
7f1469ea9000-7f146a014000 rw-p 00d7b000 09:05 399499                     /usr/lib64/libcuda.so.410.48
7f146a014000-7f146a024000 rw-p 00000000 00:00 0
7f146a025000-7f146a029000 r--p 00000000 00:2c 485358296612               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_elementtree.cpython-37m-x86_64-linux-gnu.so
7f146a029000-7f146a032000 r-xp 00004000 00:2c 485358296612               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_elementtree.cpython-37m-x86_64-linux-gnu.so
7f146a032000-7f146a035000 r--p 0000d000 00:2c 485358296612               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_elementtree.cpython-37m-x86_64-linux-gnu.so
7f146a035000-7f146a036000 ---p 00010000 00:2c 485358296612               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_elementtree.cpython-37m-x86_64-linux-gnu.so
7f146a036000-7f146a037000 r--p 00010000 00:2c 485358296612               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_elementtree.cpython-37m-x86_64-linux-gnu.so
7f146a037000-7f146a039000 rw-p 00011000 00:2c 485358296612               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_elementtree.cpython-37m-x86_64-linux-gnu.so
7f146a039000-7f146a03b000 r--p 00000000 00:2c 485358296593               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_csv.cpython-37m-x86_64-linux-gnu.so
7f146a03b000-7f146a03f000 r-xp 00002000 00:2c 485358296593               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_csv.cpython-37m-x86_64-linux-gnu.so
7f146a03f000-7f146a040000 r--p 00006000 00:2c 485358296593               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_csv.cpython-37m-x86_64-linux-gnu.so
7f146a040000-7f146a041000 ---p 00007000 00:2c 485358296593               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_csv.cpython-37m-x86_64-linux-gnu.so
7f146a041000-7f146a042000 r--p 00007000 00:2c 485358296593               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_csv.cpython-37m-x86_64-linux-gnu.so
7f146a042000-7f146a044000 rw-p 00008000 00:2c 485358296593               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_csv.cpython-37m-x86_64-linux-gnu.so
7f146a044000-7f146a046000 r--p 00000000 00:2c 485358251562               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_multiprocessing.cpython-37m-x86_64-linux-gnu.so
7f146a046000-7f146a047000 r-xp 00002000 00:2c 485358251562               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_multiprocessing.cpython-37m-x86_64-linux-gnu.so
7f146a047000-7f146a048000 r--p 00003000 00:2c 485358251562               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_multiprocessing.cpython-37m-x86_64-linux-gnu.so
7f146a048000-7f146a049000 r--p 00003000 00:2c 485358251562               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_multiprocessing.cpython-37m-x86_64-linux-gnu.so
7f146a049000-7f146a04a000 rw-p 00004000 00:2c 485358251562               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_multiprocessing.cpython-37m-x86_64-linux-gnu.so
7f146a04a000-7f146a04c000 r--p 00000000 00:2c 485358251566               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_queue.cpython-37m-x86_64-linux-gnu.so
7f146a04c000-7f146a04d000 r-xp 00002000 00:2c 485358251566               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_queue.cpython-37m-x86_64-linux-gnu.so
7f146a04d000-7f146a04e000 r--p 00003000 00:2c 485358251566               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_queue.cpython-37m-x86_64-linux-gnu.so
7f146a04e000-7f146a04f000 r--p 00003000 00:2c 485358251566               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_queue.cpython-37m-x86_64-linux-gnu.so
7f146a04f000-7f146a050000 rw-p 00004000 00:2c 485358251566               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_queue.cpython-37m-x86_64-linux-gnu.so
7f146a050000-7f146a051000 r-xp 00000000 00:2c 403775207472               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_nvrtc.cpython-37m-x86_64-linux-gnu.so
7f146a051000-7f146a250000 ---p 00001000 00:2c 403775207472               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_nvrtc.cpython-37m-x86_64-linux-gnu.so
7f146a250000-7f146a251000 r--p 00000000 00:2c 403775207472               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_nvrtc.cpython-37m-x86_64-linux-gnu.so
7f146a251000-7f146a252000 rw-p 00001000 00:2c 403775207472               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_nvrtc.cpython-37m-x86_64-linux-gnu.so
7f146a252000-7f146a254000 rw-p 00006000 00:2c 403775207472               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/torch/_nvrtc.cpython-37m-x86_64-linux-gnu.so
7f146a254000-7f146a2d4000 rw-p 00000000 00:00 0
7f146a2d4000-7f146a3c4000 r-xp 00000000 00:2c 339351317542               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/.libs/libgfortran-ed201abd.so.3.0.0
7f146a3c4000-7f146a5c3000 ---p 000f0000 00:2c 339351317542               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/.libs/libgfortran-ed201abd.so.3.0.0
7f146a5c3000-7f146a5c5000 rw-p 000ef000 00:2c 339351317542               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/.libs/libgfortran-ed201abd.so.3.0.0
7f146a5c5000-7f146a5c6000 rw-p 00000000 00:00 0
7f146a5c6000-7f146a5ce000 rw-p 000f2000 00:2c 339351317542               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/.libs/libgfortran-ed201abd.so.3.0.0
7f146a5ce000-7f146c0ce000 r-xp 00000000 00:2c 339351317543               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/.libs/libopenblasp-r0-382c8f3a.3.5.dev.so
7f146c0ce000-7f146c2ce000 ---p 01b00000 00:2c 339351317543               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/.libs/libopenblasp-r0-382c8f3a.3.5.dev.so
7f146c2ce000-7f146c2e7000 rw-p 01b00000 00:2c 339351317543               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/.libs/libopenblasp-r0-382c8f3a.3.5.dev.so
7f146c2e7000-7f146c2f2000 rw-p 00000000 00:00 0
7f146c2f2000-7f146c36a000 rw-p 01beb000 00:2c 339351317543               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/.libs/libopenblasp-r0-382c8f3a.3.5.dev.so
7f146c36a000-7f146c6e8000 r-xp 00000000 00:2c 262145413146               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/core/_multiarray_umath.cpython-37m-x86_64-linux-gnu.so
7f146c6e8000-7f146c8e8000 ---p 0037e000 00:2c 262145413146               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/core/_multiarray_umath.cpython-37m-x86_64-linux-gnu.so
7f146c8e8000-7f146c906000 rw-p 0037e000 00:2c 262145413146               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/core/_multiarray_umath.cpython-37m-x86_64-linux-gnu.so
7f146c906000-7f146c927000 rw-p 00000000 00:00 0
7f146c927000-7f146c92e000 rw-p 01323000 00:2c 262145413146               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/site-packages/numpy/core/_multiarray_umath.cpython-37m-x86_64-linux-gnu.so
7f146c92e000-7f146c96f000 rw-p 00000000 00:00 0
7f146c96f000-7f146c974000 r--p 00000000 00:2c 485358296635               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_datetime.cpython-37m-x86_64-linux-gnu.so
7f146c974000-7f146c984000 r-xp 00005000 00:2c 485358296635               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_datetime.cpython-37m-x86_64-linux-gnu.so
7f146c984000-7f146c98a000 r--p 00015000 00:2c 485358296635               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_datetime.cpython-37m-x86_64-linux-gnu.so
7f146c98a000-7f146c98b000 r--p 0001a000 00:2c 485358296635               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_datetime.cpython-37m-x86_64-linux-gnu.so
7f146c98b000-7f146c98d000 rw-p 0001b000 00:2c 485358296635               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_datetime.cpython-37m-x86_64-linux-gnu.so
7f146c98d000-7f146c990000 r--p 00000000 00:2c 485358296596               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/math.cpython-37m-x86_64-linux-gnu.so
7f146c990000-7f146c996000 r-xp 00003000 00:2c 485358296596               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/math.cpython-37m-x86_64-linux-gnu.so
7f146c996000-7f146c998000 r--p 00009000 00:2c 485358296596               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/math.cpython-37m-x86_64-linux-gnu.so
7f146c998000-7f146c999000 r--p 0000a000 00:2c 485358296596               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/math.cpython-37m-x86_64-linux-gnu.so
7f146c999000-7f146c99b000 rw-p 0000b000 00:2c 485358296596               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/math.cpython-37m-x86_64-linux-gnu.so
7f146c99b000-7f146ca1b000 rw-p 00000000 00:00 0
7f146ca1b000-7f146ca1d000 r--p 00000000 00:2c 485358296616               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_json.cpython-37m-x86_64-linux-gnu.so
7f146ca1d000-7f146ca2b000 r-xp 00002000 00:2c 485358296616               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_json.cpython-37m-x86_64-linux-gnu.so
7f146ca2b000-7f146ca2d000 r--p 00010000 00:2c 485358296616               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_json.cpython-37m-x86_64-linux-gnu.so
7f146ca2d000-7f146ca2e000 r--p 00011000 00:2c 485358296616               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_json.cpython-37m-x86_64-linux-gnu.so
7f146ca2e000-7f146ca2f000 rw-p 00012000 00:2c 485358296616               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_json.cpython-37m-x86_64-linux-gnu.so
7f146ca2f000-7f146cb70000 rw-p 00000000 00:00 0
7f146cb70000-7f147309a000 r--p 00000000 09:05 790475                     /usr/lib/locale/locale-archive
7f147309a000-7f147319b000 r-xp 00000000 09:05 393293                     /usr/lib64/libm-2.17.so
7f147319b000-7f147339a000 ---p 00101000 09:05 393293                     /usr/lib64/libm-2.17.so
7f147339a000-7f147339b000 r--p 00100000 09:05 393293                     /usr/lib64/libm-2.17.so
7f147339b000-7f147339c000 rw-p 00101000 09:05 393293                     /usr/lib64/libm-2.17.so
7f147339c000-7f14733a3000 r-xp 00000000 09:05 393315                     /usr/lib64/librt-2.17.so
7f14733a3000-7f14735a2000 ---p 00007000 09:05 393315                     /usr/lib64/librt-2.17.so
7f14735a2000-7f14735a3000 r--p 00006000 09:05 393315                     /usr/lib64/librt-2.17.so
7f14735a3000-7f14735a4000 rw-p 00007000 09:05 393315                     /usr/lib64/librt-2.17.so
7f14735a4000-7f14735a6000 r-xp 00000000 09:05 393319                     /usr/lib64/libutil-2.17.so
7f14735a6000-7f14737a5000 ---p 00002000 09:05 393319                     /usr/lib64/libutil-2.17.so
7f14737a5000-7f14737a6000 r--p 00001000 09:05 393319                     /usr/lib64/libutil-2.17.so
7f14737a6000-7f14737a7000 rw-p 00002000 09:05 393319                     /usr/lib64/libutil-2.17.so
7f14737a7000-7f14737a9000 r-xp 00000000 09:05 393291                     /usr/lib64/libdl-2.17.so
7f14737a9000-7f14739a9000 ---p 00002000 09:05 393291                     /usr/lib64/libdl-2.17.so
7f14739a9000-7f14739aa000 r--p 00002000 09:05 393291                     /usr/lib64/libdl-2.17.so
7f14739aa000-7f14739ab000 rw-p 00003000 09:05 393291                     /usr/lib64/libdl-2.17.so
7f14739ab000-7f1473b6d000 r-xp 00000000 09:05 393285                     /usr/lib64/libc-2.17.so
7f1473b6d000-7f1473d6d000 ---p 001c2000 09:05 393285                     /usr/lib64/libc-2.17.so
7f1473d6d000-7f1473d71000 r--p 001c2000 09:05 393285                     /usr/lib64/libc-2.17.so
7f1473d71000-7f1473d73000 rw-p 001c6000 09:05 393285                     /usr/lib64/libc-2.17.so
7f1473d73000-7f1473d78000 rw-p 00000000 00:00 0
7f1473d78000-7f1473d8f000 r-xp 00000000 09:05 393311                     /usr/lib64/libpthread-2.17.so
7f1473d8f000-7f1473f8e000 ---p 00017000 09:05 393311                     /usr/lib64/libpthread-2.17.so
7f1473f8e000-7f1473f8f000 r--p 00016000 09:05 393311                     /usr/lib64/libpthread-2.17.so
7f1473f8f000-7f1473f90000 rw-p 00017000 09:05 393311                     /usr/lib64/libpthread-2.17.so
7f1473f90000-7f1473f94000 rw-p 00000000 00:00 0
7f1473f94000-7f1473fb6000 r-xp 00000000 09:05 393278                     /usr/lib64/ld-2.17.so
7f1473fb6000-7f1473fb7000 r--p 00000000 00:2c 485357796415               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bisect.cpython-37m-x86_64-linux-gnu.so
7f1473fb7000-7f1473fb8000 r-xp 00001000 00:2c 485357796415               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bisect.cpython-37m-x86_64-linux-gnu.so
7f1473fb8000-7f1473fb9000 r--p 00002000 00:2c 485357796415               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bisect.cpython-37m-x86_64-linux-gnu.so
7f1473fb9000-7f1473fba000 r--p 00002000 00:2c 485357796415               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bisect.cpython-37m-x86_64-linux-gnu.so
7f1473fba000-7f1473fbb000 rw-p 00003000 00:2c 485357796415               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_bisect.cpython-37m-x86_64-linux-gnu.so
7f1473fbb000-7f1473fbc000 rwxp 00000000 00:00 0
7f1473fbc000-7f1473fbd000 r--p 00000000 00:2c 485358251572               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_heapq.cpython-37m-x86_64-linux-gnu.so
7f1473fbd000-7f1473fbf000 r-xp 00001000 00:2c 485358251572               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_heapq.cpython-37m-x86_64-linux-gnu.so
7f1473fbf000-7f1473fc0000 r--p 00003000 00:2c 485358251572               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_heapq.cpython-37m-x86_64-linux-gnu.so
7f1473fc0000-7f1473fc1000 r--p 00003000 00:2c 485358251572               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_heapq.cpython-37m-x86_64-linux-gnu.so
7f1473fc1000-7f1473fc3000 rw-p 00004000 00:2c 485358251572               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_heapq.cpython-37m-x86_64-linux-gnu.so
7f1473fc3000-7f1474188000 rw-p 00000000 00:00 0
7f1474188000-7f1474190000 r--p 00000000 00:2c 433809370747               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ctypes.cpython-37m-x86_64-linux-gnu.so
7f1474190000-7f14741a1000 r-xp 00008000 00:2c 433809370747               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ctypes.cpython-37m-x86_64-linux-gnu.so
7f14741a1000-7f14741a8000 r--p 00019000 00:2c 433809370747               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ctypes.cpython-37m-x86_64-linux-gnu.so
7f14741a8000-7f14741a9000 r--p 0001f000 00:2c 433809370747               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ctypes.cpython-37m-x86_64-linux-gnu.so
7f14741a9000-7f14741ad000 rw-p 00020000 00:2c 433809370747               /autofs/nas1/data/erippeth/anaconda3/envs/pytext/lib/python3.7/lib-dynload/_ctypes.cpython-37m-x86_64-linux-gnu.so
7f14741ad000-7f14741b4000 r--s 00000000 09:05 393577                     /usr/lib64/gconv/gconv-modules.cache
7f14741b4000-7f14741b5000 rw-p 00000000 00:00 0
7f14741b5000-7f14741b6000 r--p 00021000 09:05 393278                     /usr/lib64/ld-2.17.so
7f14741b6000-7f14741b7000 rw-p 00022000 09:05 393278                     /usr/lib64/ld-2.17.so
7f14741b7000-7f14741b8000 rw-p 00000000 00:00 0
7ffd338b1000-7ffd338db000 rw-p 00000000 00:00 0                          [stack]
7ffd339ca000-7ffd339cc000 r-xp 00000000 00:00 0                          [vdso]
ffffffffff600000-ffffffffff601000 r-xp 00000000 00:00 0                  [vsyscall]
[1]    20013 abort (core dumped)  pytext export --output-path exported_model.c2 < demo/configs/docnn.json

Expected Results

  • Training a model per the documents

Error calling pytext from command line

I'm getting a syntax error at the very first step after installation of pytext. whether by calling pytext from command line or importing it in python shell I get the following error :

$ pytext

WARNING:root:This caffe2 python run does not have GPU support. Will run in CPU only mode.
Traceback (most recent call last):
  File "/home/ml/.virtualenvs/caffe2-pytext/bin/pytext", line 7, in <module>
    from pytext.main import main
  File "/home/ml/.virtualenvs/caffe2-pytext/lib/python3.5/site-packages/pytext/__init__.py", line 11, in <module>
    from .builtin_task import register_builtin_tasks
  File "/home/ml/.virtualenvs/caffe2-pytext/lib/python3.5/site-packages/pytext/builtin_task.py", line 4, in <module>
    from pytext.config.component import register_tasks
  File "/home/ml/.virtualenvs/caffe2-pytext/lib/python3.5/site-packages/pytext/config/__init__.py", line 4, in <module>
    from .pytext_config import ConfigBase, PyTextConfig, TestConfig  # noqa
  File "/home/ml/.virtualenvs/caffe2-pytext/lib/python3.5/site-packages/pytext/config/pytext_config.py", line 50
    raise TypeError(f"Failed to specify {unspecified_fields} for {type(self)}")
                                                                             ^
SyntaxError: invalid syntax

any hints as to whats the issue?

Find a way to make CircleCI artifacts get posted to PR's

Right now, when CircleCI runs, we produce a couple of very useful html artifacts, in the form of a code coverage page, and the entire Documentation. It would be great if links to these artifacts were posted directly on the PR after the build/test was complete, allowing people to see the generated docs/code test coverage directly

can't store tensors in the "context"

in say trainer.py, just after the model is run, put something like this:

logits = model(*inputs)
...
context["loss"] = logits

this gives an error:

  File "/home/noon/tools/miniconda3/envs/pytext/lib/python3.7/site-packages/torch/tensor.py", line 18, in __deepcopy__
    raise RuntimeError("Only Tensors created explicitly by the user "
RuntimeError: Only Tensors created explicitly by the user (graph leaves) support the deepcopy protocol at the moment

coming from the use of deep_copy in the ./pytext/data/data_handler.py here:

            # Due to a limitation in PyTorch's distributed training backend that
            # enforces that all the parallel workers to have the same number of
            # batches we keep yielding the last batch until the requested total
            # number of batches is fullfilled
            if i == num_batches - 1:
                context = deepcopy(context)
                context.update({BatchContext.IGNORE_LOSS: True})
                for _j in range(num_batches, self.total_num_batches):
                    yield (input, target, context)

i'm trying to use the context to pass around some tensors that i want to use as part of other calculations/visualisations; but it doesn't seem supported.

am i missing some better way to do this?

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.