Skip to content
This repository was archived by the owner on Apr 14, 2022. It is now read-only.

Python Language server takes a huge amount of RAM (more than 10+GB) #1426

Closed
Coderx7 opened this issue Aug 12, 2019 · 11 comments
Closed

Python Language server takes a huge amount of RAM (more than 10+GB) #1426

Coderx7 opened this issue Aug 12, 2019 · 11 comments

Comments

@Coderx7
Copy link

Coderx7 commented Aug 12, 2019

Today I faced this issue! it took more than 10GB+ of my system RAM. I cant reproduce it now (see below), it seems when this happens, the intellisense also stops working. and analysis goes on forever!

I seemed to me, this happens when I try to code (use intellisense) when the language server is still analyzing something, and that just kills the intellisense for good! and each time I try to write new code, and analysis continues, more ram is consumed. I'm not sure about this but I got this feeling.
I attached some log files, hopefully they should show something.

I'm using the latest version

Python Language Server:
Microsoft Python Language Server version 0.3.46.0
Python Extension :
2019.8.29288 (6 August 2019)
VSCode info

Version: 1.37.0 (user setup)
Commit: 036a6b1d3ac84e5ca96a17a44e63a87971f8fcc8
Date: 2019-08-08T02:33:50.993Z
Electron: 4.2.7
Chrome: 69.0.3497.128
Node.js: 10.11.0
V8: 6.9.427.31-electron.0
OS: Windows_NT x64 10.0.17763

UPDATE:

OK this happened again and I could save the log and record it before the vscode crashed!
Here is the console log :
languagesever_ipython_vscode3

Here is the second vslog and the the language server log (copied form output tab):
download 2 log files separately .
and this is the sample test code I used :

#%%
# in the name of God

import torch
import torch.nn as nn
import torchvision
#import torchvision.transforms as transforms
from torchvision import transforms
from torchvision import datasets
from torch import cuda

# Device configuration
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')

print(f'training happens on : {device}')

# Hyper parameters

num_epochs = 5
num_classes = 2
batch_size = 100
learning_rate = 0.001
# number of threads for faster IO
num_workers = 2

# MY dataset
transformations = transforms.Compose([transforms.Resize(256),
                                      transforms.ToTensor(),
                                      transforms.Normalize(mean=(0.5, 0.5, 0.5),
                                                           std=(0.5, 0.5, 0.5))
                                      ])

train_dataset = datasets.ImageFolder(root=r'C:\Users\Mariane\Desktop\Testpy\train_data',
                                    transform=transformations)
# you didnt provide a test data so we are using the training data for the sake of 
# our experiment!
test_dataset = datasets.ImageFolder(root=r'C:\Users\Mariane\Desktop\Testpy\train_data',
                                    transform=transformations)

# Data loader
train_loader = torch.utils.data.DataLoader(dataset=train_dataset,
                                           batch_size=batch_size,
                                           shuffle=True,
                                           num_workers=num_workers)

test_loader = torch.utils.data.DataLoader(dataset=test_dataset,
                                          batch_size=batch_size,
                                          shuffle=False,
                                          num_workers=num_workers)


# Convolutional neural network (two convolutional layers)
def conv_bn_relu(in_channel, out_channel, kernel_size=3, stride=1, padding=1,
                 bias=False, batchnorm=True):

    layers = nn.ModuleList()
    conv_layer = nn.Conv2d(in_channels=in_channel, out_channels=out_channel,
                           kernel_size=kernel_size, stride=stride, padding=padding, bias=bias)
    layers.append(conv_layer)
    if batchnorm:
        layers.append(nn.BatchNorm2d(out_channel))
    layers.append(nn.ReLU())
    return nn.Sequential(*layers)

# for using functional form of classes and methods
import torch.nn.functional as F
class ConvNet(nn.Module):
    def __init__(self, num_classes=10):
        super(ConvNet, self).__init__()
        self.net = nn.Sequential(conv_bn_relu(3, 16, 5, 1, 2),
                                 nn.MaxPool2d(kernel_size=2, stride=2),
                                 conv_bn_relu(16, 32, 5, 1, 2),
                                 nn.MaxPool2d(kernel_size=2, stride=2)
                                 )
        # method 2 
        # self.layer1 = conv_bn_relu(3, 16, 5, 1, 2)
        # self.layer2 = conv_bn_relu(16, 32, 5, 1, 2)
        # self.maxpool = nn.MaxPool2d(2, 2)
        self.fc = nn.Linear(32, num_classes)
        
    def forward(self, x):
        # first method 
        out = self.net(x)
        # second method : 
        # out = self.layer1(x)
        #print(f'layer1: output.shape : {out.shape}')
        # out = self.maxpool(out)
        #print(f'maxpool: output.shape : {out.shape}')
        # out = self.layer2(out)
        #print(f'layer2: output.shape : {out.shape}')
        # out = self.maxpool(out)
        #print(f'maxpool: output.shape : {out.shape}')
        out = F.avg_pool2d(out, out.size()[2:])
        out = out.view(x.size(0), -1)
        # print(out.shape)
        out = self.fc(out)
        return out


model = ConvNet(num_classes).to(device)

# Loss and optimizer
criterion = nn.CrossEntropyLoss()
optimizer = torch.optim.Adam(model.parameters(), lr=learning_rate)

# Train the model
total_step = len(train_loader)
for epoch in range(num_epochs):

    for i, (images, labels) in enumerate(train_loader):
        images = images.to(device)
        labels = labels.to(device)

        # Forward pass
        outputs = model(images)
        loss = criterion(outputs, labels)

        # Backward and optimize
        optimizer.zero_grad()
        loss.backward()
        optimizer.step()

        if (i+1) % 100 == 0:
            print('Epoch [{}/{}], Step [{}/{}], Loss: {:.4f}'
                  .format(epoch+1, num_epochs, i+1, total_step, loss.item()))


# Test the model
model.eval()  # eval mode (batchnorm uses moving mean/variance instead of mini-batch mean/variance)
with torch.no_grad():
    correct = 0
    total = 0
    for images, labels in test_loader:
        images = images.to(device)
        labels = labels.to(device)

        outputs = model(images)
        _, predicted = torch.max(outputs.data, 1)

        total += labels.size(0)
        correct += (predicted == labels).float().sum().item()

    print('Test Accuracy of the model on the 10000 test images: {} %'.format(
        100 * correct / total))


# Save the model checkpoint

torch.save(model.state_dict(), 'model.ckpt')
```
@jakebailey
Copy link
Member

jakebailey commented Aug 12, 2019

I can see a load of exceptions in those language server logs; I think it might be failing halfway through and restarting. Can you try out the beta build to see if the issue goes away? Set the following in your user settings (ignore the warning that the option doesn't exist), then reload.

"python.analysis.downloadChannel": "beta"

I think the exceptions are #1335, which is fixed in 0.3.47+, which I have now moved to stable as well.

@Coderx7
Copy link
Author

Coderx7 commented Aug 13, 2019

The intellisense doesnt work anymore after I enabled this. I didn't encounter a leak this time, (I dont know if this is related to enabling the beta or not (as I haven't faced one with the old version either after this), so far I have not faced any leaks
However, the analysis kept working and never finishes. what I noticed was that, whenever I pressed a key to type something, the analysis report would print :

Analyzing in background , 4021 items left... 
Analyzing in background , 4022 items left... 
Analyzing in background , 4021 items left... 
Analyzing in background , 4020 items left... 
Analyzing in background , 4022 items left... 

so basically if I stopped pressing any key it would stop, and if I continued, it would do so as well(even writting in a python string as in datasets.ImageFolder('ssssssss') would trigger this).
The intellisense at this rate is long gone and there is no intellisense.
I removed the beta related setting and intellisense came back on (after I restarted ) (Also I'm not facing a leak now, leaking seems to happen at random at this rate)

Here are the logs for when the beta was active : logfile

@jakebailey
Copy link
Member

In the same environment, can you open a file that's just import decorator, and see if you see an exception come up when doing something like decorator. to trigger completion on the module?

@Coderx7
Copy link
Author

Coderx7 commented Aug 14, 2019

yes I do here is the log :

log

Starting Microsoft Python language server.
> conda --version
> pyenv root
> python3.7 -c "import sys;print(sys.executable)"
> python3.6 -c "import sys;print(sys.executable)"
> python3 -c "import sys;print(sys.executable)"
> python2 -c "import sys;print(sys.executable)"
> py -3.7 -c "import sys;print(sys.executable)"
> python -c "import sys;print(sys.executable)"
> py -3.6 -c "import sys;print(sys.executable)"
> py -3 -c "import sys;print(sys.executable)"
> py -2 -c "import sys;print(sys.executable)"
> ~\Anaconda3\python.exe -c "import sys;print(sys.executable)"
> conda info --json
> conda env list
> conda info --json
> conda env list
[Info  - 11:10:23 AM] Analysis cache path: C:\Users\Master\AppData\Local\Microsoft\Python Language Server
[Info  - 11:10:23 AM] GetCurrentSearchPaths C:\Users\Master\Anaconda3\python.exe 
[Info  - 11:10:23 AM] Interpreter search paths:
[Info  - 11:10:23 AM]     c:\users\master\anaconda3\dlls
[Info  - 11:10:23 AM]     c:\users\master\anaconda3\lib
[Info  - 11:10:23 AM]     c:\users\master\anaconda3
[Info  - 11:10:23 AM]     c:\users\master\anaconda3\lib\site-packages
[Info  - 11:10:23 AM]     c:\users\master\anaconda3\lib\site-packages\sphinx-1.5.1-py3.6.egg
[Info  - 11:10:23 AM]     c:\users\master\anaconda3\lib\site-packages\win32
[Info  - 11:10:23 AM]     c:\users\master\anaconda3\lib\site-packages\win32\lib
[Info  - 11:10:23 AM]     c:\users\master\anaconda3\lib\site-packages\pythonwin
[Info  - 11:10:23 AM] User search paths:
[Info  - 11:10:36 AM] Microsoft Python Language Server version 0.3.47.0
[Info  - 11:10:36 AM] Initializing for C:\Users\Master\Anaconda3\python.exe
> conda info --json
Watching c:\users\master\anaconda3
Opening document file:///c:/Users/Master/Desktop/Testpy/pytorch.py
Analysis of pytorch(User) queued
Import:  decorator c:\users\master\anaconda3\lib\site-packages\decorator.py 
Analysis version 2 of 1 entries has started.
Analysis of pytorch(User) on depth 0 completed  in 13.4793 ms.
Missing keys: decorator(c:\users\master\anaconda3\lib\site-packages\decorator.py)
Analysis version 2 of 1 entries has been completed in 14.9527 ms.
Analysis of decorator(Library) queued
Import:  __future__ c:\users\master\anaconda3\lib\__future__.py 
Import:  re c:\users\master\anaconda3\lib\re.py 
Analysis of __future__(Library) queued
Analysis of __future__(Stub) queued
Analysis of re(Stub) queued
Create built-in compiled (scraped) module:  sys C:\Users\Master\Anaconda3\python.exe 
Analysis of sys(Stub) queued
Import:  inspect c:\users\master\anaconda3\lib\inspect.py 
Import:  operator c:\users\master\anaconda3\lib\operator.py 
Analysis of re(Library) queued
Create built-in compiled (scraped) module:  itertools C:\Users\Master\Anaconda3\python.exe 
Import:  collections c:\users\master\anaconda3\lib\collections\__init__.py 
Import:  contextlib c:\users\master\anaconda3\lib\contextlib.py 
Analysis of inspect(Stub) queued
Import:  enum c:\users\master\anaconda3\lib\enum.py 
Analysis of sys(CompiledBuiltin) queued
Analysis of importlib.abc(Stub) queued
Import:  sre_compile c:\users\master\anaconda3\lib\sre_compile.py 
Import:  sre_parse c:\users\master\anaconda3\lib\sre_parse.py 
Analysis of contextlib(Library) queued
Import:  functools c:\users\master\anaconda3\lib\functools.py 
Analysis of types(Stub) queued
Create built-in compiled (scraped) module:  _locale C:\Users\Master\Anaconda3\python.exe 
Import:  copyreg c:\users\master\anaconda3\lib\copyreg.py 
Import:  sre_constants c:\users\master\anaconda3\lib\sre_constants.py 
Analysis version 18 of 11 entries has started.
Create built-in compiled (scraped) module:  _io C:\Users\Master\Anaconda3\python.exe 
Import:  types c:\users\master\anaconda3\lib\types.py 
Analysis of sre_constants(Library) queued
Import:  abc c:\users\master\anaconda3\lib\abc.py 
Import:  _collections_abc c:\users\master\anaconda3\lib\_collections_abc.py 
Analysis of abc(Stub) queued
Create built-in compiled (scraped) module:  _sre C:\Users\Master\Anaconda3\python.exe 
Analysis of _sre(CompiledBuiltin) queued
Analysis of sre_constants(Stub) queued
Analysis of contextlib(Stub) queued
Analysis of copyreg(Library) queued
Analysis of _locale(CompiledBuiltin) queued
Analysis of types(Library) queued
Import:  locale c:\users\master\anaconda3\lib\locale.py 
Analysis of _collections_abc(Library) queued
Import:  collections.abc c:\users\master\anaconda3\lib\collections\abc.py 
Analysis of collections.abc(Library) queued
Analysis of collections(Library) queued
Import:  keyword c:\users\master\anaconda3\lib\keyword.py 
Analysis of abc(Library) queued
Analysis of locale(Library) queued
Import:  heapq c:\users\master\anaconda3\lib\heapq.py 
Create built-in compiled (scraped) module:  _weakref C:\Users\Master\Anaconda3\python.exe 
Analysis of collections.abc(Stub) queued
Import:  reprlib c:\users\master\anaconda3\lib\reprlib.py 
Create built-in compiled (scraped) module:  _collections C:\Users\Master\Anaconda3\python.exe 
Import:  warnings c:\users\master\anaconda3\lib\warnings.py 
Import:  copy c:\users\master\anaconda3\lib\copy.py 
Analysis of _collections(CompiledBuiltin) queued
Import:  _weakrefset c:\users\master\anaconda3\lib\_weakrefset.py 
Analysis of inspect(Library) queued
Import:  encodings c:\users\master\anaconda3\lib\encodings\__init__.py 
Analysis of _importlib_modulespec(Stub) queued
Import:  encodings.aliases c:\users\master\anaconda3\lib\encodings\aliases.py 
Import:  os c:\users\master\anaconda3\lib\os.py 
Import:  _bootlocale c:\users\master\anaconda3\lib\_bootlocale.py 
Analysis of _bootlocale(Library) queued
Import:  ast c:\users\master\anaconda3\lib\ast.py 
Analysis of reprlib(Library) queued
Import:  dis c:\users\master\anaconda3\lib\dis.py 
Import:  importlib c:\users\master\anaconda3\lib\importlib\__init__.py 
Analysis of _io(CompiledBuiltin) queued
Import:  importlib.machinery c:\users\master\anaconda3\lib\importlib\machinery.py 
Import:  linecache c:\users\master\anaconda3\lib\linecache.py 
Analysis of sys(Stub) on depth 4 completed  in 45.8638 ms.
Import:  tokenize c:\users\master\anaconda3\lib\tokenize.py 
Import:  token c:\users\master\anaconda3\lib\token.py 
Import:  argparse c:\users\master\anaconda3\lib\argparse.py 
Create built-in compiled (scraped) module:  _thread C:\Users\Master\Anaconda3\python.exe 
Analysis of re(Stub) on depth 3 completed  in 4.2893 ms.
Import:  _dummy_thread c:\users\master\anaconda3\lib\_dummy_thread.py 
Analysis of os(Library) queued
Import:  io c:\users\master\anaconda3\lib\io.py 
Analysis of io(Library) queued
Create built-in compiled (scraped) module:  errno C:\Users\Master\Anaconda3\python.exe 
Import:  stat c:\users\master\anaconda3\lib\stat.py 
Analysis of os(Stub) queued
Import:  posixpath c:\users\master\anaconda3\lib\posixpath.py 
Analysis of _dummy_thread(Library) queued
Create built-in compiled (scraped) module:  nt C:\Users\Master\Anaconda3\python.exe 
Import:  ntpath c:\users\master\anaconda3\lib\ntpath.py 
Analysis of argparse(Library) queued
Import:  subprocess c:\users\master\anaconda3\lib\subprocess.py 
Analysis of io(Stub) queued
Import:  traceback c:\users\master\anaconda3\lib\traceback.py 
Analysis of os.path(Stub) queued
Analysis of subprocess(Library) queued
Create built-in compiled (scraped) module:  time C:\Users\Master\Anaconda3\python.exe 
Import:  textwrap c:\users\master\anaconda3\lib\textwrap.py 
Analysis of time(CompiledBuiltin) queued
Analysis of re(Library) on depth 2 completed  in 18.4668 ms.
Import:  gettext c:\users\master\anaconda3\lib\gettext.py 
Analysis of __future__(Stub) on depth 3 completed  in 0.5442 ms.
Analysis of __future__(Library) on depth 2 completed  in 1.9792 ms.
Analysis of posix(Stub) queued
Import:  signal c:\users\master\anaconda3\lib\signal.py 
Analysis of mmap(Stub) queued
Analysis of gettext(Library) queued
Import:  threading c:\users\master\anaconda3\lib\threading.py 
Create built-in compiled (scraped) module:  msvcrt C:\Users\Master\Anaconda3\python.exe 
Create built-in compiled (scraped) module:  _winapi C:\Users\Master\Anaconda3\python.exe 
Create compiled (scraped):  select c:\users\master\anaconda3\dlls\select.pyd c:\users\master\anaconda3\dlls 
Import:  selectors c:\users\master\anaconda3\lib\selectors.py 
Analysis of contextlib(Library) on depth 2 completed  in 10.7716 ms.
Import:  dummy_threading c:\users\master\anaconda3\lib\dummy_threading.py 
Analysis of dummy_threading(Library) queued
Analysis of enum(Stub) queued
Analysis of signal(Library) queued
Import:  struct c:\users\master\anaconda3\lib\struct.py 
Analysis of codecs(Stub) queued
Analysis of struct(Library) queued
Analysis of selectors(Library) queued
Analysis of enum(Library) queued
Create built-in compiled (scraped) module:  _signal C:\Users\Master\Anaconda3\python.exe 
Analysis of _signal(CompiledBuiltin) queued
Analysis of ast(Stub) queued
Analysis of signal(Stub) queued
Create built-in compiled (scraped) module:  _struct C:\Users\Master\Anaconda3\python.exe 
Analysis of _struct(CompiledBuiltin) queued
Create built-in compiled (scraped) module:  math C:\Users\Master\Anaconda3\python.exe 
Analysis of math(CompiledBuiltin) queued
Analysis of math(Stub) queued
Analysis of struct(Stub) queued
Analysis of sre_compile(Stub) queued
Analysis of _ast(Stub) queued
Analysis of gettext(Stub) queued
Analysis of ast(Library) queued
Analysis of subprocess(Stub) queued
Create built-in compiled (scraped) module:  _ast C:\Users\Master\Anaconda3\python.exe 
Analysis of array(Stub) queued
Analysis of textwrap(Library) queued
Analysis of selectors(Stub) queued
Analysis of textwrap(Stub) queued
Analysis of sre_compile(Library) queued
Analysis of dis(Stub) queued
Analysis of socket(Stub) queued
Analysis of opcode(Stub) queued
Analysis of argparse(Stub) queued
Analysis of sre_parse(Stub) queued
Analysis of select(Compiled) queued
Analysis of token(Library) queued
Analysis of token(Stub) queued
Analysis of select(Stub) queued
Analysis of _ast(CompiledBuiltin) queued
Analysis of _winapi(CompiledBuiltin) queued
Analysis of _winapi(Stub) queued
Analysis of msvcrt(CompiledBuiltin) queued
Analysis of tokenize(Library) queued
Analysis of msvcrt(Stub) queued
Analysis of sre_parse(Library) queued
Import:  codecs c:\users\master\anaconda3\lib\codecs.py 
Analysis of ntpath(Library) queued
Analysis of dis(Library) queued
Analysis of codecs(Library) queued
Import:  genericpath c:\users\master\anaconda3\lib\genericpath.py 
Analysis of threading(Library) queued
Import:  string c:\users\master\anaconda3\lib\string.py 
Import:  opcode c:\users\master\anaconda3\lib\opcode.py 
Analysis of importlib(Stub) queued
Analysis of string(Library) queued
Analysis of operator(Library) canceled.
Create built-in compiled (scraped) module:  _codecs C:\Users\Master\Anaconda3\python.exe 
Analysis of _codecs(CompiledBuiltin) queued
Import:  _threading_local c:\users\master\anaconda3\lib\_threading_local.py 
Analysis of operator(Stub) queued
Analysis of _threading_local(Library) queued
Create built-in compiled (scraped) module:  _string C:\Users\Master\Anaconda3\python.exe 
Analysis of _string(CompiledBuiltin) queued
Analysis of functools(Stub) queued
Analysis of _codecs(Stub) queued
Import:  weakref c:\users\master\anaconda3\lib\weakref.py 
Analysis of importlib.util(Stub) queued
Analysis of opcode(Library) queued
Analysis of collections(Library) on depth 2 completed  in 58.2458 ms.
Analysis of string(Stub) queued
Analysis of importlib(Library) queued
Analysis of weakref(Library) queued
Analysis of importlib.machinery(Stub) queued
Create built-in compiled (scraped) module:  _opcode C:\Users\Master\Anaconda3\python.exe 
Analysis of _opcode(CompiledBuiltin) queued
Analysis of genericpath(Library) queued
Create built-in compiled (scraped) module:  _imp C:\Users\Master\Anaconda3\python.exe 
Import:  importlib._bootstrap c:\users\master\anaconda3\lib\importlib\_bootstrap.py 
Import:  importlib._bootstrap_external c:\users\master\anaconda3\lib\importlib\_bootstrap_external.py 
Analysis of functools(Library) queued
Create built-in compiled (scraped) module:  atexit C:\Users\Master\Anaconda3\python.exe 
Create built-in compiled (scraped) module:  gc C:\Users\Master\Anaconda3\python.exe 
Analysis of gc(CompiledBuiltin) queued
Analysis of ntpath(Stub) queued
Analysis of gc(Stub) queued
Analysis of tokenize(Stub) queued
Analysis of operator(Library) queued
Create built-in compiled (scraped) module:  _functools C:\Users\Master\Anaconda3\python.exe 
Analysis of atexit(CompiledBuiltin) queued
Analysis of _functools(CompiledBuiltin) queued
Analysis of atexit(Stub) queued
Analysis of linecache(Library) queued
Create built-in compiled (scraped) module:  _operator C:\Users\Master\Anaconda3\python.exe 
Analysis of importlib.machinery(Library) queued
Analysis of linecache(Stub) queued
Analysis of nt(CompiledBuiltin) queued
Analysis of _operator(Stub) queued
Analysis of locale(Stub) queued
Analysis of itertools(Stub) queued
Analysis of _operator(CompiledBuiltin) queued
Analysis of posixpath(Library) queued
Analysis of warnings(Stub) queued
Analysis of posixpath(Stub) queued
Analysis of copy(Stub) queued
Analysis of decimal(Stub) queued
Analysis of stat(Library) queued
Analysis of stat(Stub) queued
Analysis of copy(Library) queued
Analysis of importlib._bootstrap_external(Library) queued
Analysis of warnings(Library) queued
Analysis of _weakrefset(Stub) queued
Analysis of _weakrefset(Library) queued
Create built-in compiled (scraped) module:  _stat C:\Users\Master\Anaconda3\python.exe 
Analysis of errno(CompiledBuiltin) queued
Analysis of _stat(CompiledBuiltin) queued
Import:  tracemalloc c:\users\master\anaconda3\lib\tracemalloc.py 
Create built-in compiled (scraped) module:  _warnings C:\Users\Master\Anaconda3\python.exe 
Analysis of _warnings(CompiledBuiltin) queued
Analysis of errno(Stub) queued
Analysis of importlib._bootstrap(Library) queued
Analysis of _imp(CompiledBuiltin) queued
Analysis of _stat(Stub) queued
Analysis of encodings.aliases(Library) queued
Analysis of _warnings(Stub) queued
Analysis of itertools(CompiledBuiltin) queued
Analysis of _imp(Stub) queued
Analysis of encodings(Library) queued
Analysis of tracemalloc(Stub) queued
Analysis of encodings(Stub) queued
Analysis of tracemalloc(Library) queued
Import:  encodings.mbcs c:\users\master\anaconda3\lib\encodings\mbcs.py 
Analysis of encodings.mbcs(Library) queued
Analysis of keyword(Stub) queued
Import:  fnmatch c:\users\master\anaconda3\lib\fnmatch.py 
Analysis of weakref(Stub) queued
Analysis of keyword(Library) queued
Analysis of fnmatch(Stub) queued
Analysis of _threading_local(Stub) queued
Analysis of fnmatch(Library) queued
Import:  pickle c:\users\master\anaconda3\lib\pickle.py 
Create built-in compiled (scraped) module:  _tracemalloc C:\Users\Master\Anaconda3\python.exe 
Analysis of _tracemalloc(CompiledBuiltin) queued
Analysis of pickle(Stub) queued
Analysis of _tracemalloc(Stub) queued
Analysis of collections(Stub) queued
Analysis of heapq(Stub) queued
Analysis of threading(Stub) queued
Analysis of _weakref(Stub) queued
Analysis of reprlib(Stub) queued
Analysis of _weakref(CompiledBuiltin) queued
Analysis of _thread(Stub) queued
Analysis of heapq(Library) queued
Analysis of _dummy_thread(Stub) queued
Analysis of _thread(CompiledBuiltin) queued
Analysis of traceback(Stub) queued
Analysis of traceback(Library) queued
Create built-in compiled (scraped) module:  _heapq C:\Users\Master\Anaconda3\python.exe 
Analysis of time(Stub) queued
Analysis of _heapq(Stub) queued
Import:  doctest c:\users\master\anaconda3\lib\doctest.py 
Analysis of _heapq(CompiledBuiltin) queued
Analysis of pickle(Library) queued
Analysis of doctest(Stub) queued
Import:  _compat_pickle c:\users\master\anaconda3\lib\_compat_pickle.py 
Analysis of doctest(Library) queued
Create built-in compiled (scraped) module:  _pickle C:\Users\Master\Anaconda3\python.exe 
Analysis of _pickle(CompiledBuiltin) queued
Import:  pprint c:\users\master\anaconda3\lib\pprint.py 
Analysis of _compat_pickle(Library) queued
Import:  difflib c:\users\master\anaconda3\lib\difflib.py 
Analysis of unittest(Stub) queued
Analysis of pprint(Library) queued
Import:  pdb c:\users\master\anaconda3\lib\pdb.py 
Import:  unittest c:\users\master\anaconda3\lib\unittest\__init__.py 
Analysis of pprint(Stub) queued
Analysis of unittest(Library) queued
Analysis of difflib(Stub) queued
Analysis of pdb(Stub) queued
Import:  unittest.result c:\users\master\anaconda3\lib\unittest\result.py 
Analysis of inspect(Library) on depth 2 completed  in 155.9446 ms.
Analysis of logging(Stub) queued
Import:  unittest.case c:\users\master\anaconda3\lib\unittest\case.py 
Analysis of pdb(Library) queued
Analysis of difflib(Library) queued
Import:  unittest.suite c:\users\master\anaconda3\lib\unittest\suite.py 
Analysis of unittest.result(Library) queued
Import:  unittest.loader c:\users\master\anaconda3\lib\unittest\loader.py 
Import:  unittest.main c:\users\master\anaconda3\lib\unittest\main.py 
Import:  unittest.runner c:\users\master\anaconda3\lib\unittest\runner.py 
Import:  unittest.signals c:\users\master\anaconda3\lib\unittest\signals.py 
Import:  cmd c:\users\master\anaconda3\lib\cmd.py 
Analysis of unittest.suite(Library) queued
Analysis of unittest.signals(Library) queued
Analysis of decorator(Library) failed. Exception message: Object reference not set to an instance of an object..
Import:  bdb c:\users\master\anaconda3\lib\bdb.py 
Analysis version 18 has been completed in 284.9502 ms with 10 entries analyzed and 1 entries skipped.
Analysis version 229 of 230 entries has started.
Analysis of unittest.case(Library) queued
Import:  code c:\users\master\anaconda3\lib\code.py 
Import:  glob c:\users\master\anaconda3\lib\glob.py 
Import:  shlex c:\users\master\anaconda3\lib\shlex.py 
Analysis of nt(CompiledBuiltin) on depth 4 completed  in 1.9175 ms.
Import:  pydoc c:\users\master\anaconda3\lib\pydoc.py 
Analysis of posix(Stub) on depth 5 completed  in 2.2249 ms.
Import:  getopt c:\users\master\anaconda3\lib\getopt.py 
Import:  unittest.util c:\users\master\anaconda3\lib\unittest\util.py 
Import:  logging c:\users\master\anaconda3\lib\logging\__init__.py 
Analysis of cmd(Stub) queued
Analysis of unittest.util(Library) queued
Analysis of unittest.runner(Library) queued
Analysis of unittest.loader(Library) queued
Analysis of getopt(Library) queued
Analysis of traceback(Library) on depth 5 completed  in 7.3145 ms.
Analysis of cmd(Library) queued
Analysis of unittest.main(Library) queued
Analysis of getopt(Stub) queued
Analysis of code(Stub) queued
Analysis of time(CompiledBuiltin) on depth 5 completed  in 0.7509 ms.
Analysis of code(Library) queued
Analysis of glob(Stub) queued
Analysis of bdb(Library) queued
Analysis of glob(Library) queued
Analysis of shlex(Stub) queued
Import:  codeop c:\users\master\anaconda3\lib\codeop.py 
Analysis of codeop(Library) queued
Analysis of logging(Library) queued
Analysis of copyreg(Library) on depth 3 completed  in 0.6193 ms.
Analysis of codeop(Stub) queued
Analysis of shlex(Library) queued
Analysis of abc(Stub) on depth 4 completed  in 0.7436 ms.
Analysis of _sre(CompiledBuiltin) on depth 4 completed  in 0.0954 ms.
Analysis of mmap(Stub) on depth 6 completed  in 10.2549 ms.
Analysis of sre_constants(Stub) on depth 4 completed  in 1.7895 ms.
Analysis of gettext(Stub) on depth 5 completed  in 0.6765 ms.
Analysis of _signal(CompiledBuiltin) on depth 6 completed  in 0.1258 ms.
Analysis of encodings.aliases(Library) on depth 5 completed  in 2.0751 ms.
Analysis of textwrap(Stub) on depth 5 completed  in 8.1166 ms.
Analysis of _opcode(CompiledBuiltin) on depth 5 completed  in 0.0486 ms.
Analysis of _struct(CompiledBuiltin) on depth 6 completed  in 6.423 ms.
Analysis of msvcrt(Stub) on depth 6 completed  in 0.0866 ms.
Analysis of gc(Stub) on depth 6 completed  in 0.384 ms.
Analysis of string(Stub) on depth 6 completed  in 0.6036 ms.
Analysis of _string(CompiledBuiltin) on depth 6 completed  in 0.0467 ms.
Analysis of _winapi(Stub) on depth 6 completed  in 0.9238 ms.
Analysis of atexit(Stub) on depth 6 completed  in 0.1188 ms.
Analysis of heapq(Library) on depth 3 completed  in 10.7376 ms.
Analysis of _io(CompiledBuiltin) on depth 3 completed  in 12.1515 ms.
Analysis of pydoc(Library) queued
Analysis of decimal(Stub) on depth 6 completed  in 4.6755 ms.
Import:  importlib.util c:\users\master\anaconda3\lib\importlib\util.py 
Analysis of keyword(Stub) on depth 4 completed  in 0.116 ms.
Analysis of copy(Stub) on depth 4 completed  in 0.1761 ms.
Analysis of fnmatch(Stub) on depth 6 completed  in 0.1251 ms.
Import:  pkgutil c:\users\master\anaconda3\lib\pkgutil.py 
Analysis of _stat(Stub) on depth 6 completed  in 6.3957 ms.
Analysis of _weakrefset(Stub) on depth 5 completed  in 6.5974 ms.
Analysis of pkgutil(Stub) queued
Analysis of itertools(Stub) on depth 3 completed  in 7.1315 ms.
Analysis of _dummy_thread(Library) on depth 4 completed  in 7.0352 ms.
Import:  platform c:\users\master\anaconda3\lib\platform.py 
Analysis of msvcrt(CompiledBuiltin) on depth 5 completed  in 0.227 ms.
Analysis of gc(CompiledBuiltin) on depth 5 completed  in 0.2657 ms.
Analysis of _winapi(CompiledBuiltin) on depth 5 completed  in 0.6033 ms.
Import:  urllib c:\users\master\anaconda3\lib\urllib\__init__.py 
Analysis of atexit(CompiledBuiltin) on depth 5 completed  in 0.076 ms.
Analysis of _stat(CompiledBuiltin) on depth 5 completed  in 0.1874 ms.
Analysis of importlib.util(Library) queued
Analysis of pkgutil(Library) queued
Analysis of platform(Stub) queued
Import:  urllib.parse c:\users\master\anaconda3\lib\urllib\parse.py 
Import:  tempfile c:\users\master\anaconda3\lib\tempfile.py 
Analysis of importlib._bootstrap(Library) on depth 4 completed  in 15.2373 ms.
Import:  tty c:\users\master\anaconda3\lib\tty.py 
Analysis of _warnings(Stub) on depth 5 completed  in 0.2192 ms.
Analysis of itertools(CompiledBuiltin) on depth 2 completed  in 3.6794 ms.
Analysis of _warnings(CompiledBuiltin) on depth 4 completed  in 0.2108 ms.
Import:  pydoc_data c:\users\master\anaconda3\lib\pydoc_data\__init__.py 
Import:  pydoc_data.topics c:\users\master\anaconda3\lib\pydoc_data\topics.py 
Analysis of sre_parse(Stub) on depth 4 completed  in 12.2143 ms.
Import:  http c:\users\master\anaconda3\lib\http\__init__.py 
Import:  http.server c:\users\master\anaconda3\lib\http\server.py 
Import:  email c:\users\master\anaconda3\lib\email\__init__.py 
Import:  email.message c:\users\master\anaconda3\lib\email\message.py 
Analysis of sre_constants(Library) queued
Import:  webbrowser c:\users\master\anaconda3\lib\webbrowser.py 
Analysis of _tracemalloc(Stub) on depth 6 completed  in 0.1985 ms.
Import:  importlib.abc c:\users\master\anaconda3\lib\importlib\abc.py 
Analysis of _tracemalloc(CompiledBuiltin) on depth 5 completed  in 0.1295 ms.
Create built-in compiled (scraped) module:  marshal C:\Users\Master\Anaconda3\python.exe 
Analysis of pickle(Library) on depth 5 completed  in 21.3072 ms.
Analysis of webbrowser(Library) queued
Create built-in compiled (scraped) module:  zipimport C:\Users\Master\Anaconda3\python.exe 
Analysis of zipimport(CompiledBuiltin) queued
Analysis of importlib.abc(Library) queued
Import:  shutil c:\users\master\anaconda3\lib\shutil.py 
Analysis of zipimport(Stub) queued
Import:  socket c:\users\master\anaconda3\lib\socket.py 
Analysis of marshal(CompiledBuiltin) queued
Analysis of io(Stub) on depth 5 completed  in 9.945 ms.
Analysis of marshal(Stub) queued
Analysis of platform(Library) queued
Analysis of urllib(Stub) queued
Analysis of urllib(Library) queued
Analysis of urllib.parse(Stub) queued
Analysis of sre_constants(Library) on depth 3 completed  in 18.8606 ms.
Analysis of socket(Library) queued
Create built-in compiled (scraped) module:  winreg C:\Users\Master\Anaconda3\python.exe 
Import:  plistlib c:\users\master\anaconda3\lib\plistlib.py 
Analysis of urllib.parse(Library) queued
Analysis of tempfile(Stub) queued
Analysis of builtins(Stub) queued
Analysis of winreg(CompiledBuiltin) queued
Analysis of tempfile(Library) queued
Create compiled (scraped):  _socket c:\users\master\anaconda3\dlls\_socket.pyd c:\users\master\anaconda3\dlls 
Analysis of tty(Stub) queued
Analysis of plistlib(Library) queued
Analysis of plistlib(Stub) queued
Analysis of tty(Library) queued
Analysis of pydoc_data(Library) queued
Import:  random c:\users\master\anaconda3\lib\random.py 
Analysis of _socket(Compiled) queued
Analysis of http(Stub) queued
Analysis of http(Library) queued
Create built-in compiled (scraped) module:  binascii C:\Users\Master\Anaconda3\python.exe 
Import:  datetime c:\users\master\anaconda3\lib\datetime.py 
Analysis of random(Library) queued
Analysis of shutil(Library) queued
Analysis of random(Stub) queued
Import:  xml.parsers.expat c:\users\master\anaconda3\lib\xml\parsers\expat.py 
Analysis of xml.parsers.expat(Library) queued
Import:  hashlib c:\users\master\anaconda3\lib\hashlib.py 
Analysis of http.server(Stub) queued
Analysis of os(Stub) on depth 4 completed  in 37.0011 ms.
Import:  bisect c:\users\master\anaconda3\lib\bisect.py 
Analysis of importlib.abc(Stub) on depth 4 completed  in 0.6698 ms.
Create built-in compiled (scraped) module:  _random C:\Users\Master\Anaconda3\python.exe 
Create built-in compiled (scraped) module:  zlib C:\Users\Master\Anaconda3\python.exe 
Import:  bz2 c:\users\master\anaconda3\lib\bz2.py 
Analysis of codecs(Stub) on depth 5 completed  in 15.1422 ms.
Analysis of pydoc_data.topics(Library) queued
Import:  lzma c:\users\master\anaconda3\lib\lzma.py 
Analysis of os.path(Stub) on depth 5 completed  in 1.3211 ms.
Analysis of _importlib_modulespec(Stub) on depth 5 completed  in 0.3107 ms.
Import:  tarfile c:\users\master\anaconda3\lib\tarfile.py 
Import:  zipfile c:\users\master\anaconda3\lib\zipfile.py 
Analysis of types(Stub) on depth 4 completed  in 1.3611 ms.
Create compiled (scraped):  pyexpat c:\users\master\anaconda3\dlls\pyexpat.pyd c:\users\master\anaconda3\dlls 
Analysis of xml.parsers.expat(Stub) queued
Analysis of socketserver(Stub) queued
Analysis of binascii(Stub) queued
Analysis of http.server(Library) queued
Analysis of pyexpat.model(Stub) queued
Analysis of email(Stub) queued
Analysis of pyexpat.errors(Stub) queued
Analysis of pyexpat(Stub) queued
Analysis of pyexpat(Compiled) queued
Analysis of binascii(CompiledBuiltin) queued
Analysis of email(Library) queued
Analysis of zipfile(Library) queued
Analysis of email.message(Stub) queued
Analysis of datetime(Stub) queued
Analysis of zipfile(Stub) queued
Import:  email.utils c:\users\master\anaconda3\lib\email\utils.py 
Analysis of email.utils(Stub) queued
Analysis of _ast(Stub) on depth 5 completed  in 18.7702 ms.
Import:  html c:\users\master\anaconda3\lib\html\__init__.py 
Analysis of math(Stub) on depth 7 completed  in 0.9607 ms.
Import:  http.client c:\users\master\anaconda3\lib\http\client.py 
Analysis of array(Stub) on depth 5 completed  in 6.9133 ms.
Analysis of sre_compile(Stub) on depth 4 completed  in 0.3038 ms.
Analysis of email.message(Library) queued
Analysis of opcode(Stub) on depth 5 completed  in 0.3216 ms.
Import:  mimetypes c:\users\master\anaconda3\lib\mimetypes.py 
Import:  socketserver c:\users\master\anaconda3\lib\socketserver.py 
Analysis of select(Stub) on depth 6 completed  in 1.0231 ms.
Import:  base64 c:\users\master\anaconda3\lib\base64.py 
Analysis of token(Stub) on depth 4 completed  in 0.6891 ms.
Analysis of ntpath(Stub) on depth 5 completed  in 0.6028 ms.
Import:  email.parser c:\users\master\anaconda3\lib\email\parser.py 
Analysis of datetime(Library) queued
Analysis of email.parser(Library) queued
Import:  py_compile c:\users\master\anaconda3\lib\py_compile.py 
Analysis of email.utils(Library) queued
Analysis of threading(Stub) on depth 6 completed  in 5.7605 ms.
Analysis of importlib(Stub) on depth 4 completed  in 0.2695 ms.
Analysis of email.parser(Stub) queued
Analysis of tarfile(Library) queued
Analysis of email.policy(Stub) queued
Analysis of py_compile(Stub) queued
Analysis of _codecs(Stub) on depth 6 completed  in 1.6724 ms.
Analysis of tarfile(Stub) queued
Import:  uu c:\users\master\anaconda3\lib\uu.py 
Analysis of py_compile(Library) queued
Import:  quopri c:\users\master\anaconda3\lib\quopri.py 
Import:  email.errors c:\users\master\anaconda3\lib\email\errors.py 
Import:  email._policybase c:\users\master\anaconda3\lib\email\_policybase.py 
Analysis of operator(Stub) on depth 3 completed  in 3.2867 ms.
Import:  email.charset c:\users\master\anaconda3\lib\email\charset.py 
Analysis of functools(Stub) on depth 4 completed  in 5.4405 ms.
Analysis of linecache(Stub) on depth 4 completed  in 0.1556 ms.
Import:  email._encoded_words c:\users\master\anaconda3\lib\email\_encoded_words.py 
Analysis of posixpath(Stub) on depth 5 completed  in 0.2877 ms.
Analysis of stat(Stub) on depth 5 completed  in 0.1744 ms.
Analysis of errno(Stub) on depth 5 completed  in 0.5931 ms.
Import:  email.generator c:\users\master\anaconda3\lib\email\generator.py 
Analysis of tracemalloc(Stub) on depth 5 completed  in 0.533 ms.
Analysis of _weakref(Stub) on depth 4 completed  in 0.1906 ms.
Import:  email.iterators c:\users\master\anaconda3\lib\email\iterators.py 
Analysis of warnings(Stub) on depth 4 completed  in 0.2784 ms.
Analysis of encodings(Stub) on depth 6 completed  in 0.0537 ms.
Import:  email.policy c:\users\master\anaconda3\lib\email\policy.py 
Analysis of ast(Stub) on depth 4 completed  in 0.4844 ms.
Analysis of quopri(Library) queued
Import:  _strptime c:\users\master\anaconda3\lib\_strptime.py 
Create built-in compiled (scraped) module:  _datetime C:\Users\Master\Anaconda3\python.exe 
Import:  email.feedparser c:\users\master\anaconda3\lib\email\feedparser.py 
Import:  email._parseaddr c:\users\master\anaconda3\lib\email\_parseaddr.py 
Analysis of html(Stub) queued
Import:  gzip c:\users\master\anaconda3\lib\gzip.py 
Analysis of quopri(Stub) queued
Analysis of email.charset(Stub) queued
Analysis of lzma(Library) queued
Analysis of uu(Library) queued
Analysis of email.errors(Library) queued
Analysis of uu(Stub) queued
Analysis of lzma(Stub) queued
Analysis of email.contentmanager(Stub) queued
Analysis of base64(Library) queued
Analysis of gzip(Library) queued
Analysis of email.header(Stub) queued
Analysis of base64(Stub) queued
Analysis of email._policybase(Library) queued
Analysis of email.errors(Stub) queued
Analysis of gzip(Stub) queued
Analysis of bz2(Library) queued
Analysis of html(Library) queued
Analysis of bz2(Stub) queued
Analysis of http.client(Stub) queued
Analysis of zlib(CompiledBuiltin) queued
Analysis of socketserver(Library) queued
Analysis of email.charset(Library) queued
Analysis of email._parseaddr(Library) queued
Analysis of zlib(Stub) queued
Analysis of webbrowser(Stub) queued
Analysis of _random(CompiledBuiltin) queued
Analysis of email._encoded_words(Library) queued
Analysis of _random(Stub) queued
Analysis of mimetypes(Library) queued
Analysis of shutil(Stub) queued
Analysis of email.feedparser(Library) queued
Analysis of bisect(Library) queued
Analysis of mimetypes(Stub) queued
Analysis of email.feedparser(Stub) queued
Analysis of hashlib(Stub) queued
Analysis of _datetime(CompiledBuiltin) queued
Analysis of bisect(Stub) queued
Analysis of email.generator(Stub) queued
Analysis of hashlib(Library) queued
Analysis of _strptime(Library) queued
Analysis of http.client(Library) queued
Analysis of email.generator(Library) queued
Analysis of email.iterators(Stub) queued
Analysis of email.policy(Library) queued
Create compiled (scraped):  _lzma c:\users\master\anaconda3\dlls\_lzma.pyd c:\users\master\anaconda3\dlls 
Analysis of email.iterators(Library) queued
Analysis of enum(Stub) on depth 4 completed  in 0.5214 ms.
Analysis of contextlib(Stub) on depth 3 completed  in 0.6197 ms.
Import:  _compression c:\users\master\anaconda3\lib\_compression.py 
Analysis of collections.abc(Stub) on depth 4 completed  in 0.0976 ms.
Import:  optparse c:\users\master\anaconda3\lib\optparse.py 
Analysis of locale(Stub) on depth 5 completed  in 4.7151 ms.
Import:  email.header c:\users\master\anaconda3\lib\email\header.py 
Analysis of inspect(Stub) on depth 3 completed  in 6.3733 ms.
Analysis of _lzma(Compiled) queued
Create compiled (scraped):  _bz2 c:\users\master\anaconda3\dlls\_bz2.pyd c:\users\master\anaconda3\dlls 
Import:  html.entities c:\users\master\anaconda3\lib\html\entities.py 
Analysis of argparse(Stub) on depth 4 completed  in 3.5987 ms.
Analysis of _ast(CompiledBuiltin) on depth 4 completed  in 59.6536 ms.
Analysis of subprocess(Stub) on depth 5 completed  in 4.9105 ms.
Analysis of tokenize(Stub) on depth 4 completed  in 0.5304 ms.
Import:  email.base64mime c:\users\master\anaconda3\lib\email\base64mime.py 
Analysis of _codecs(CompiledBuiltin) on depth 5 completed  in 0.2693 ms.
Analysis of _operator(Stub) on depth 4 completed  in 0.1024 ms.
Analysis of stat(Library) on depth 4 completed  in 0.3316 ms.
Analysis of errno(CompiledBuiltin) on depth 4 completed  in 12.4309 ms.
Analysis of _compression(Stub) queued
Analysis of _weakref(CompiledBuiltin) on depth 3 completed  in 0.2507 ms.
Import:  email.quoprimime c:\users\master\anaconda3\lib\email\quoprimime.py 
Import:  email.encoders c:\users\master\anaconda3\lib\email\encoders.py 
Analysis of weakref(Stub) on depth 5 completed  in 2.0281 ms.
Import:  calendar c:\users\master\anaconda3\lib\calendar.py 
Analysis of signal(Stub) on depth 6 completed  in 0.5991 ms.
Create built-in compiled (scraped) module:  _bisect C:\Users\Master\Anaconda3\python.exe 
Analysis of _bisect(CompiledBuiltin) queued
Analysis of socket(Stub) on depth 7 completed  in 1.9218 ms.
Create built-in compiled (scraped) module:  _sha1 C:\Users\Master\Anaconda3\python.exe 
Create built-in compiled (scraped) module:  _md5 C:\Users\Master\Anaconda3\python.exe 
Create built-in compiled (scraped) module:  _sha256 C:\Users\Master\Anaconda3\python.exe 
Analysis of collections(Stub) on depth 3 completed  in 8.7921 ms.
Create built-in compiled (scraped) module:  _sha512 C:\Users\Master\Anaconda3\python.exe 
Create built-in compiled (scraped) module:  _blake2 C:\Users\Master\Anaconda3\python.exe 
Analysis of ntpath(Library) on depth 4 completed  in 4.9708 ms.
Analysis of _weakrefset(Library) on depth 4 completed  in 0.4753 ms.
Analysis of _threading_local(Stub) on depth 7 completed  in 0.1712 ms.
Analysis of selectors(Stub) on depth 6 completed  in 0.5666 ms.
Create built-in compiled (scraped) module:  _sha3 C:\Users\Master\Anaconda3\python.exe 
Create compiled (scraped):  _hashlib c:\users\master\anaconda3\dlls\_hashlib.pyd c:\users\master\anaconda3\dlls 
Analysis of abc(Library) on depth 3 completed  in 1.9099 ms.
Import:  ssl c:\users\master\anaconda3\lib\ssl.py 
Analysis of io(Library) on depth 4 completed  in 1.1509 ms.
Import:  email.headerregistry c:\users\master\anaconda3\lib\email\headerregistry.py 
Analysis of math(CompiledBuiltin) on depth 6 completed  in 1.6444 ms.
Import:  email.contentmanager c:\users\master\anaconda3\lib\email\contentmanager.py 
Analysis of _bisect(Stub) queued
Analysis of _compression(Library) queued
Analysis of reprlib(Stub) on depth 4 completed  in 0.4789 ms.
Analysis of email.contentmanager(Library) queued
Analysis of struct(Stub) on depth 6 completed  in 0.4593 ms.
Analysis of optparse(Stub) queued
Analysis of dis(Stub) on depth 4 completed  in 0.8422 ms.
Analysis of calendar(Library) queued
Analysis of opcode(Library) on depth 4 completed  in 4.8872 ms.
Analysis of _bz2(Compiled) queued
Analysis of email.headerregistry(Library) queued
Analysis of select(Compiled) on depth 5 completed  in 0.1788 ms.
Analysis of email.header(Library) queued
Analysis of calendar(Stub) queued
Analysis of _sha1(CompiledBuiltin) queued
Analysis of email.encoders(Library) queued
Analysis of html.entities(Stub) queued
Analysis of email.headerregistry(Stub) queued
Analysis of email.encoders(Stub) queued
Analysis of _md5(CompiledBuiltin) queued
Analysis of importlib.machinery(Stub) on depth 4 completed  in 1.1681 ms.
Analysis of _sha256(CompiledBuiltin) queued
Analysis of _sha512(CompiledBuiltin) queued
Analysis of optparse(Library) queued
Analysis of email.quoprimime(Library) queued
Analysis of _blake2(CompiledBuiltin) queued
Analysis of _sha3(CompiledBuiltin) queued
Analysis of os(Library) on depth 3 completed  in 20.0962 ms.
Analysis of email.base64mime(Library) queued
Analysis of ssl(Stub) queued
Analysis of fnmatch(Library) on depth 5 completed  in 0.4743 ms.
Analysis of struct(Library) on depth 5 completed  in 0.1643 ms.
Analysis of ssl(Library) queued
Analysis of importlib.util(Stub) on depth 5 completed  in 0.8704 ms.
Analysis of _imp(Stub) on depth 5 completed  in 0.5728 ms.
Analysis of reprlib(Library) on depth 3 completed  in 2.2037 ms.
Import:  email._header_value_parser c:\users\master\anaconda3\lib\email\_header_value_parser.py 
Analysis of _imp(CompiledBuiltin) on depth 4 completed  in 0.2361 ms.
Analysis of _hashlib(Compiled) queued
Analysis of html.entities(Library) queued
Analysis of genericpath(Library) on depth 5 completed  in 7.768 ms.
Import:  ipaddress c:\users\master\anaconda3\lib\ipaddress.py 
Analysis of ipaddress(Stub) queued
Analysis of tracemalloc(Library) on depth 4 completed  in 11.5675 ms.
Create compiled (scraped):  _ssl c:\users\master\anaconda3\dlls\_ssl.pyd c:\users\master\anaconda3\dlls 
Analysis of warnings(Library) on depth 3 completed  in 6.8359 ms.
Analysis of _ssl(Compiled) queued
Analysis of ipaddress(Library) queued
Analysis of email._header_value_parser(Library) queued
Analysis of string(Library) on depth 5 completed  in 18.2296 ms.
Analysis of subprocess(Library) on depth 4 completed  in 28.48 ms.
Analysis of sre_parse(Library) on depth 3 completed  in 31.2964 ms.
Analysis of sre_compile(Library) on depth 3 completed  in 7.315 ms.
Analysis of keyword(Library) on depth 3 completed  in 4.2738 ms.
Analysis of textwrap(Library) on depth 4 completed  in 4.4972 ms.
Analysis of _collections(CompiledBuiltin) on depth 3 completed  in 0.4879 ms.
Analysis of posixpath(Library) on depth 4 completed  in 5.4655 ms.
Analysis of token(Library) on depth 3 completed  in 6.3275 ms.
Analysis of gettext(Library) on depth 4 completed  in 9.0694 ms.
Analysis of weakref(Library) on depth 4 completed  in 10.459 ms.
Analysis of _threading_local(Library) on depth 6 completed  in 0.748 ms.
Analysis of copy(Library) on depth 3 completed  in 3.5735 ms.
Analysis of argparse(Library) on depth 3 completed  in 15.1069 ms.
Analysis of functools(Library) on depth 3 completed  in 11.966 ms.
Analysis of _functools(CompiledBuiltin) on depth 4 completed  in 0.1177 ms.
Analysis of signal(Library) on depth 5 completed  in 0.4841 ms.
Analysis of threading(Library) on depth 5 completed  in 13.9616 ms.
Analysis of dummy_threading(Library) on depth 5 completed  in 0.4207 ms.
Analysis of types(Library) on depth 3 completed  in 4.3283 ms.
Analysis of operator(Library) on depth 2 completed  in 6.9822 ms.
Analysis of _operator(CompiledBuiltin) on depth 3 completed  in 0.9225 ms.
Analysis of tokenize(Library) on depth 3 completed  in 12.899 ms.
Analysis of linecache(Library) on depth 3 completed  in 0.3516 ms.
Analysis of locale(Library) on depth 4 completed  in 12.0478 ms.
Analysis of _locale(CompiledBuiltin) on depth 3 completed  in 7.9168 ms.
Analysis of _bootlocale(Library) on depth 5 completed  in 8.0198 ms.
Analysis of encodings(Library) on depth 5 completed  in 1.2378 ms.
Analysis of sys(CompiledBuiltin) on depth 2 completed  in 16.405 ms.
Analysis of selectors(Library) on depth 5 completed  in 2.4985 ms.
Analysis of codecs(Library) on depth 4 completed  in 3.547 ms.
Analysis of encodings.mbcs(Library) on depth 6 completed  in 0.3598 ms.
Analysis of _collections_abc(Library) on depth 3 completed  in 6.7649 ms.
Analysis of collections.abc(Library) on depth 3 completed  in 0.1316 ms.
Analysis of enum(Library) on depth 3 completed  in 26.7201 ms.
Analysis of ast(Library) on depth 3 completed  in 1.2804 ms.
Analysis of dis(Library) on depth 3 completed  in 2.0466 ms.
Analysis of importlib._bootstrap_external(Library) on depth 4 completed  in 13.4515 ms.
Analysis of importlib.machinery(Library) on depth 3 completed  in 0.3385 ms.
Analysis of importlib(Library) on depth 3 completed  in 0.5177 ms.
Analysis of decorator(Library) failed. Exception message: Object reference not set to an instance of an object..
Analysis version 229 has been completed in 434.4278 ms with 156 entries analyzed and 74 entries skipped.
Analysis version 496 of 501 entries has started.
Analysis of _sre(CompiledBuiltin) on depth 4 completed  in 0.0832 ms.
Analysis of sre_constants(Stub) on depth 4 completed for library in 2.8571 ms.
Analysis of abc(Stub) on depth 4 completed for library in 2.8553 ms.
Analysis of encodings.aliases(Library) on depth 5 completed for library in 2.7221 ms.
Analysis of copyreg(Library) on depth 3 completed for library in 2.8752 ms.
Analysis of _dummy_thread(Stub) on depth 5 completed for library in 2.8661 ms.
Analysis of _signal(CompiledBuiltin) on depth 6 completed  in 0.0997 ms.
Analysis of posix(Stub) on depth 5 completed for library in 0.3157 ms.
Analysis of _struct(CompiledBuiltin) on depth 6 completed  in 0.2501 ms.
Analysis of textwrap(Stub) on depth 5 completed for library in 0.5946 ms.
Analysis of gettext(Stub) on depth 5 completed for library in 0.6029 ms.
Analysis of mmap(Stub) on depth 6 completed  in 0.8144 ms.
Analysis of msvcrt(Stub) on depth 6 completed for library in 0.0917 ms.
Analysis of _string(CompiledBuiltin) on depth 6 completed  in 0.0477 ms.
Analysis of _opcode(CompiledBuiltin) on depth 5 completed  in 0.0393 ms.
Analysis of string(Stub) on depth 6 completed for library in 4.178 ms.
Analysis of _winapi(Stub) on depth 6 completed for library in 4.4669 ms.
Analysis of _io(CompiledBuiltin) on depth 3 completed  in 8.2933 ms.
Analysis of importlib._bootstrap(Library) on depth 4 completed for library in 7.8078 ms.
Analysis of atexit(Stub) on depth 6 completed for library in 0.1267 ms.
Analysis of _warnings(Stub) on depth 5 completed for library in 0.1761 ms.
Analysis of copy(Stub) on depth 4 completed for library in 0.1813 ms.
Analysis of fnmatch(Stub) on depth 6 completed for library in 0.1219 ms.
Analysis of gc(Stub) on depth 6 completed for library in 0.3662 ms.
Analysis of _tracemalloc(Stub) on depth 6 completed for library in 0.1464 ms.
Analysis of _heapq(Stub) on depth 5 completed for library in 0.2132 ms.
Analysis of _stat(Stub) on depth 6 completed for library in 0.5818 ms.
Analysis of keyword(Stub) on depth 4 completed for library in 0.0956 ms.
Analysis of encodings.mbcs(Library) on depth 6 completed  in 0.459 ms.
Analysis of _thread(Stub) on depth 5 completed for library in 0.1563 ms.
Analysis of _compat_pickle(Library) on depth 6 completed for library in 0.3791 ms.
Analysis of pydoc_data.topics(Library) on depth 7 completed for library in 0.2023 ms.
Analysis of itertools(Stub) on depth 3 completed for library in 1.3913 ms.
Analysis of getopt(Stub) on depth 7 completed for library in 0.2227 ms.
Analysis of pydoc_data(Library) on depth 7 completed for library in 0.1028 ms.
Analysis of cmd(Stub) on depth 7 completed for library in 0.7327 ms.
Analysis of _pickle(CompiledBuiltin) on depth 6 completed  in 0.7611 ms.
Analysis of winreg(CompiledBuiltin) on depth 8 completed  in 0.5495 ms.
Analysis of urllib(Stub) on depth 8 completed for library in 0.01 ms.
Analysis of marshal(Stub) on depth 9 completed for library in 0.1409 ms.
Analysis of pyexpat.model(Stub) on depth 11 completed for library in 0.0364 ms.
Analysis of tty(Stub) on depth 8 completed for library in 0.1725 ms.
Analysis of email.charset(Stub) on depth 9 completed for library in 0.3718 ms.
Analysis of _weakrefset(Stub) on depth 5 completed for library in 2.433 ms.
Analysis of quopri(Stub) on depth 9 completed for library in 0.1425 ms.
Analysis of email.contentmanager(Stub) on depth 9 completed  in 0.285 ms.
Analysis of email.errors(Stub) on depth 9 completed for library in 0.4884 ms.
Analysis of html(Stub) on depth 9 completed for library in 0.0898 ms.
Analysis of _lzma(Compiled) on depth 10 completed for library in 0.6725 ms.
Analysis of _sha512(CompiledBuiltin) on depth 10 completed  in 0.2041 ms.
Analysis of _sha1(CompiledBuiltin) on depth 10 completed  in 0.1634 ms.
Analysis of bisect(Stub) on depth 10 completed for library in 0.2203 ms.
Analysis of _md5(CompiledBuiltin) on depth 10 completed  in 0.1647 ms.
Analysis of _sha256(CompiledBuiltin) on depth 10 completed  in 0.191 ms.
Analysis of _bz2(Compiled) on depth 10 completed for library in 0.5302 ms.
Analysis of _hashlib(Compiled) on depth 10 completed for library in 0.4068 ms.
Analysis of _blake2(CompiledBuiltin) on depth 10 completed  in 0.5012 ms.
Analysis of _socket(Compiled) on depth 9 completed for library in 6.012 ms.
Analysis of _bisect(Stub) on depth 11 completed for library in 0.2503 ms.
Analysis of html.entities(Stub) on depth 10 completed for library in 0.092 ms.
Analysis of sre_parse(Stub) on depth 4 completed for library in 1.1394 ms.
Analysis of _sha3(CompiledBuiltin) on depth 10 completed  in 1.3507 ms.
Analysis of _warnings(CompiledBuiltin) on depth 4 completed  in 0.1767 ms.
Analysis of msvcrt(CompiledBuiltin) on depth 5 completed  in 0.2185 ms.
Analysis of _tracemalloc(CompiledBuiltin) on depth 5 completed  in 0.122 ms.
Analysis of _stat(CompiledBuiltin) on depth 5 completed  in 0.3392 ms.
Analysis of decimal(Stub) on depth 6 completed for library in 10.0855 ms.
Analysis of _thread(CompiledBuiltin) on depth 4 completed  in 0.626 ms.
Analysis of urllib(Library) on depth 7 completed for library in 0.0164 ms.
Analysis of atexit(CompiledBuiltin) on depth 5 completed  in 0.0785 ms.
Analysis of _heapq(CompiledBuiltin) on depth 4 completed  in 0.1099 ms.
Analysis of tty(Library) on depth 7 completed for library in 0.1466 ms.
Analysis of gc(CompiledBuiltin) on depth 5 completed  in 0.2452 ms.
Analysis of _winapi(CompiledBuiltin) on depth 5 completed  in 0.9521 ms.
Analysis of marshal(CompiledBuiltin) on depth 8 completed  in 0.0665 ms.
Analysis of email.header(Stub) on depth 9 completed for library in 0.517 ms.
Analysis of io(Stub) on depth 5 completed  in 3.0284 ms.
Analysis of _ssl(Compiled) on depth 10 completed for library in 9.8107 ms.
Analysis of itertools(CompiledBuiltin) on depth 2 completed  in 8.8933 ms.
Analysis of email.errors(Library) on depth 8 completed for library in 9.7691 ms.
Analysis of _bisect(CompiledBuiltin) on depth 10 completed  in 0.1008 ms.
Analysis of bisect(Library) on depth 9 completed for library in 0.2515 ms.
Analysis of os(Stub) on depth 4 completed  in 11.0133 ms.
Analysis of importlib.abc(Stub) on depth 4 completed  in 0.7481 ms.
Analysis of sys(Stub) on depth 3 completed  in 4.0549 ms.
Analysis of html.entities(Library) on depth 9 completed for library in 16.3662 ms.
Analysis of _importlib_modulespec(Stub) on depth 5 completed  in 0.4595 ms.
Analysis of os.path(Stub) on depth 5 completed  in 1.32 ms.
Analysis of codecs(Stub) on depth 5 completed  in 1.8052 ms.
Analysis of types(Stub) on depth 4 completed  in 1.5872 ms.
Analysis of mmap(Stub) on depth 6 completed for library in 0.8014 ms.
Analysis of io(Stub) on depth 5 completed for library in 1.5428 ms.
Analysis of os(Stub) on depth 4 completed for library in 13.4787 ms.
Analysis of importlib.abc(Stub) on depth 4 completed for library in 0.7592 ms.
Analysis of sys(Stub) on depth 3 completed for library in 19.0697 ms.
Analysis of _importlib_modulespec(Stub) on depth 5 completed for library in 0.625 ms.
Analysis of os.path(Stub) on depth 5 completed for library in 1.8723 ms.
Analysis of codecs(Stub) on depth 5 completed for library in 1.9027 ms.
Analysis of types(Stub) on depth 4 completed for library in 2.0093 ms.
Analysis of __future__(Stub) on depth 3 completed for library in 0.1839 ms.
Analysis of collections.abc(Stub) on depth 4 completed  in 0.1775 ms.
Analysis of enum(Stub) on depth 4 completed for library in 1.1231 ms.
Analysis of contextlib(Stub) on depth 3 completed for library in 1.5762 ms.
Analysis of locale(Stub) on depth 5 completed for library in 1.2007 ms.
Analysis of subprocess(Stub) on depth 5 completed for library in 2.604 ms.
Analysis of opcode(Stub) on depth 5 completed for library in 0.2845 ms.
Analysis of time(Stub) on depth 6 completed for library in 6.069 ms.
Analysis of inspect(Stub) on depth 3 completed for library in 8.7279 ms.
Analysis of select(Stub) on depth 6 completed for library in 5.9351 ms.
Analysis of math(Stub) on depth 7 completed for library in 6.3893 ms.
Analysis of sre_compile(Stub) on depth 4 completed for library in 0.2343 ms.
Analysis of ntpath(Stub) on depth 5 completed for library in 0.5308 ms.
Analysis of token(Stub) on depth 4 completed for library in 0.6373 ms.
Analysis of array(Stub) on depth 5 completed for library in 1.1162 ms.
Analysis of argparse(Stub) on depth 4 completed for library in 9.7184 ms.
Analysis of threading(Stub) on depth 6 completed for library in 1.7676 ms.
Analysis of importlib(Stub) on depth 4 completed  in 0.2845 ms.
Analysis of stat(Stub) on depth 5 completed for library in 0.3059 ms.
Analysis of linecache(Stub) on depth 4 completed for library in 0.2037 ms.
Analysis of functools(Stub) on depth 4 completed for library in 0.9712 ms.
Analysis of posixpath(Stub) on depth 5 completed for library in 0.617 ms.
Analysis of tracemalloc(Stub) on depth 5 completed for library in 0.9968 ms.
Analysis of _codecs(Stub) on depth 6 completed for library in 1.4103 ms.
Analysis of _weakref(Stub) on depth 4 completed for library in 4.6474 ms.
Analysis of heapq(Stub) on depth 4 completed for library in 0.4343 ms.
Analysis of pickle(Stub) on depth 6 completed for library in 1.1525 ms.
Analysis of errno(Stub) on depth 5 completed for library in 5.9525 ms.
Analysis of traceback(Stub) on depth 6 completed for library in 5.8009 ms.
Analysis of pprint(Stub) on depth 7 completed for library in 0.4761 ms.
Analysis of shlex(Stub) on depth 7 completed for library in 0.6187 ms.
Analysis of pdb(Stub) on depth 6 completed for library in 0.2792 ms.
Analysis of operator(Stub) on depth 3 completed for library in 8.8875 ms.
Analysis of glob(Stub) on depth 7 completed for library in 0.2417 ms.
Analysis of difflib(Stub) on depth 6 completed for library in 1.5951 ms.
Analysis of _ast(Stub) on depth 5 completed for library in 17.5698 ms.
Analysis of webbrowser(Stub) on depth 8 completed for library in 1.5239 ms.
Analysis of pkgutil(Stub) on depth 8 completed for library in 0.4424 ms.
Analysis of binascii(Stub) on depth 9 completed for library in 0.4692 ms.
Analysis of _random(Stub) on depth 10 completed for library in 0.2091 ms.
Analysis of pyexpat.errors(Stub) on depth 11 completed for library in 0.1637 ms.
Analysis of tempfile(Stub) on depth 8 completed for library in 1.0436 ms.
Analysis of code(Stub) on depth 7 completed for library in 6.3196 ms.
Analysis of email.policy(Stub) on depth 9 completed  in 5.1047 ms.
Analysis of shutil(Stub) on depth 9 completed for library in 5.8478 ms.
Analysis of urllib.parse(Stub) on depth 8 completed for library in 6.249 ms.
Analysis of zipfile(Stub) on depth 10 completed for library in 5.4069 ms.
Analysis of tarfile(Stub) on depth 10 completed for library in 6.1075 ms.
Analysis of py_compile(Stub) on depth 11 completed for library in 0.3016 ms.
Analysis of uu(Stub) on depth 9 completed for library in 0.3078 ms.
Analysis of base64(Stub) on depth 9 completed for library in 0.4354 ms.
Analysis of hashlib(Stub) on depth 10 completed for library in 0.5785 ms.
Analysis of bz2(Stub) on depth 10 completed for library in 0.4468 ms.
Analysis of lzma(Stub) on depth 10 completed for library in 0.8741 ms.
Analysis of codeop(Stub) on depth 8 completed for library in 0.2544 ms.
Analysis of encodings(Stub) on depth 6 completed for library in 0.0987 ms.
Analysis of zlib(Stub) on depth 10 completed for library in 0.7016 ms.
Analysis of mimetypes(Stub) on depth 9 completed for library in 0.5937 ms.
Analysis of _compression(Stub) on depth 11 completed for library in 0.2686 ms.
Analysis of zipimport(Stub) on depth 9 completed for library in 0.28 ms.
Analysis of warnings(Stub) on depth 4 completed for library in 0.6967 ms.
Analysis of __future__(Library) on depth 2 completed for library in 0.7612 ms.
Analysis of re(Stub) on depth 3 completed for library in 1.0825 ms.
Analysis of platform(Stub) on depth 8 completed for library in 1.4577 ms.
Analysis of ipaddress(Stub) on depth 11 completed for library in 2.0427 ms.
Analysis of http(Stub) on depth 8 completed for library in 4.405 ms.
Analysis of signal(Stub) on depth 6 completed for library in 4.8549 ms.
Analysis of optparse(Stub) on depth 10 completed for library in 6.687 ms.
Analysis of plistlib(Stub) on depth 9 completed for library in 4.6957 ms.
Analysis of time(CompiledBuiltin) on depth 5 completed  in 0.8347 ms.
Analysis of opcode(Library) on depth 4 completed for library in 0.4035 ms.
Analysis of select(Compiled) on depth 5 completed for library in 0.1225 ms.
Analysis of dis(Stub) on depth 4 completed for library in 0.7757 ms.
Analysis of math(CompiledBuiltin) on depth 6 completed  in 0.4912 ms.
Analysis of tokenize(Stub) on depth 4 completed for library in 0.8839 ms.
Analysis of reprlib(Stub) on depth 4 completed for library in 0.3604 ms.
Analysis of stat(Library) on depth 4 completed for library in 0.5397 ms.
Analysis of _weakref(CompiledBuiltin) on depth 3 completed  in 0.1398 ms.
Analysis of struct(Stub) on depth 6 completed for library in 0.3867 ms.
Analysis of socket(Stub) on depth 7 completed for library in 6.8032 ms.
Analysis of importlib.machinery(Stub) on depth 4 completed  in 0.9572 ms.
Analysis of _codecs(CompiledBuiltin) on depth 5 completed  in 0.5852 ms.
Analysis of collections(Stub) on depth 3 completed  in 9.131 ms.
Analysis of weakref(Stub) on depth 5 completed for library in 1.6237 ms.
Analysis of _random(CompiledBuiltin) on depth 9 completed  in 0.2806 ms.
Analysis of _operator(Stub) on depth 4 completed for library in 0.2092 ms.
Analysis of errno(CompiledBuiltin) on depth 4 completed  in 5.5812 ms.
Analysis of datetime(Stub) on depth 10 completed for library in 9.0874 ms.
Analysis of ast(Stub) on depth 4 completed for library in 0.5454 ms.
Analysis of binascii(CompiledBuiltin) on depth 8 completed  in 5.9264 ms.
Analysis of random(Stub) on depth 9 completed for library in 1.1142 ms.
Analysis of pyexpat(Stub) on depth 11 completed for library in 1.0116 ms.
Analysis of gzip(Stub) on depth 11 completed for library in 1.2182 ms.
Analysis of zlib(CompiledBuiltin) on depth 9 completed  in 0.4017 ms.
Analysis of encodings(Library) on depth 5 completed  in 1.1862 ms.
Analysis of _weakrefset(Library) on depth 4 completed for library in 0.7364 ms.
Analysis of zipimport(CompiledBuiltin) on depth 8 completed  in 0.7128 ms.
Analysis of codeop(Library) on depth 7 completed for library in 0.5905 ms.
Analysis of email.message(Stub) on depth 8 completed  in 2.7545 ms.
Analysis of logging(Stub) on depth 7 completed for library in 10.9949 ms.
Analysis of selectors(Stub) on depth 6 completed for library in 1.1657 ms.
Analysis of socketserver(Stub) on depth 9 completed for library in 1.3318 ms.
Analysis of ssl(Stub) on depth 10 completed for library in 7.0026 ms.
Analysis of collections.abc(Stub) on depth 4 completed for library in 0.1781 ms.
Analysis of _threading_local(Stub) on depth 7 completed for library in 0.234 ms.
Analysis of struct(Library) on depth 5 completed  in 0.2755 ms.
Analysis of importlib.util(Stub) on depth 5 completed  in 0.668 ms.
Analysis of xml.parsers.expat(Stub) on depth 10 completed for library in 0.6633 ms.
Analysis of email.utils(Stub) on depth 9 completed for library in 0.5813 ms.
Analysis of pyexpat(Compiled) on depth 10 completed for library in 1.0221 ms.
Analysis of calendar(Stub) on depth 11 completed for library in 1.7322 ms.
Analysis of abc(Library) on depth 3 completed for library in 1.7123 ms.
Analysis of codecs(Library) on depth 4 completed  in 3.1529 ms.
Analysis of unittest(Stub) on depth 6 completed for library in 3.6958 ms.
Analysis of _struct(CompiledBuiltin) on depth 6 completed  in 0.4724 ms.
Analysis of importlib(Stub) on depth 4 completed for library in 0.389 ms.
Analysis of struct(Library) on depth 5 completed for library in 0.235 ms.
Analysis of email.contentmanager(Stub) on depth 9 completed for library in 0.9062 ms.
Analysis of email.policy(Stub) on depth 9 completed for library in 5.3518 ms.
Analysis of importlib.machinery(Stub) on depth 4 completed for library in 5.7498 ms.
Analysis of io(Library) on depth 4 completed  in 5.5428 ms.
Analysis of doctest(Stub) on depth 5 completed for library in 7.0673 ms.
Analysis of importlib.util(Stub) on depth 5 completed for library in 0.8088 ms.
Analysis of _imp(Stub) on depth 5 completed for library in 0.304 ms.
Analysis of _imp(CompiledBuiltin) on depth 4 completed  in 0.1275 ms.
Analysis of email.message(Stub) on depth 8 completed for library in 1.8154 ms.
Analysis of email.iterators(Stub) on depth 9 completed for library in 0.122 ms.
Analysis of email.encoders(Stub) on depth 10 completed for library in 0.088 ms.
Analysis of email(Stub) on depth 8 completed for library in 0.2547 ms.
Analysis of email.headerregistry(Stub) on depth 10 completed for library in 1.5002 ms.
Analysis of email.generator(Stub) on depth 9 completed for library in 0.432 ms.
Analysis of email.feedparser(Stub) on depth 10 completed for library in 0.3438 ms.
Analysis of collections(Stub) on depth 3 completed for library in 20.7493 ms.
Analysis of http.client(Stub) on depth 9 completed for library in 12.8185 ms.
Analysis of http.server(Stub) on depth 8 completed for library in 1.1014 ms.
Analysis of email.parser(Stub) on depth 9 completed for library in 0.4173 ms.
Analysis of _io(CompiledBuiltin) on depth 3 completed  in 15.5544 ms.
Analysis of io(Library) on depth 4 completed for library in 0.7973 ms.
Analysis of _compression(Library) on depth 10 completed for library in 0.9469 ms.
Analysis of sre_constants(Library) on depth 3 completed for library in 0.9675 ms.
Analysis of _ast(CompiledBuiltin) on depth 4 completed  in 47.4474 ms.
Analysis of plistlib(Library) on depth 8 completed  in 10.958 ms.
Analysis of platform(Library) on depth 7 completed  in 3.8454 ms.
Analysis of pydoc(Library) on depth 6 completed  in 22.3886 ms.
Analysis of pdb(Library) on depth 5 completed  in 8.4005 ms.
Analysis of doctest(Library) on depth 4 completed  in 8.8849 ms.
Analysis of heapq(Library) on depth 3 completed  in 0.839 ms.
Analysis of difflib(Library) on depth 5 completed  in 6.5592 ms.
Analysis of pickle(Library) on depth 5 completed  in 7.6571 ms.
Analysis of tracemalloc(Library) on depth 4 completed  in 3.526 ms.
Analysis of warnings(Library) on depth 3 completed  in 1.9669 ms.
Analysis of bz2(Library) on depth 9 completed  in 0.8567 ms.
Analysis of importlib.util(Library) on depth 7 completed  in 2.0139 ms.
Analysis of string(Library) on depth 5 completed  in 2.1101 ms.
Analysis of unittest.case(Library) on depth 6 completed  in 10.8548 ms.
Analysis of base64(Library) on depth 8 completed  in 5.9999 ms.
Analysis of random(Library) on depth 8 completed  in 4.8972 ms.
Analysis of pkgutil(Library) on depth 7 completed  in 6.0207 ms.
Analysis of py_compile(Library) on depth 10 completed  in 0.5257 ms.
Analysis of sre_parse(Library) on depth 3 completed  in 8.8622 ms.
Analysis of ntpath(Library) on depth 4 completed  in 3.253 ms.
Analysis of email.encoders(Library) on depth 9 completed  in 0.1507 ms.
Analysis of cmd(Library) on depth 6 completed  in 0.4608 ms.
Analysis of gzip(Library) on depth 10 completed  in 4.6161 ms.
Analysis of email.quoprimime(Library) on depth 9 completed  in 1.6679 ms.
Analysis of logging(Library) on depth 7 completed  in 14.2442 ms.
Analysis of email.base64mime(Library) on depth 9 completed  in 3.3996 ms.
Analysis of ssl(Library) on depth 9 completed  in 7.983 ms.
Analysis of sre_compile(Library) on depth 3 completed  in 7.3861 ms.
Analysis of unittest.loader(Library) on depth 6 completed  in 7.8828 ms.
Analysis of email.charset(Library) on depth 8 completed  in 0.8956 ms.
Analysis of unittest.main(Library) on depth 6 completed  in 1.4581 ms.
Analysis of hashlib(Library) on depth 9 completed  in 2.2931 ms.
Analysis of unittest(Library) on depth 5 completed  in 0.4329 ms.
Analysis of email.utils(Library) on depth 8 completed  in 1.051 ms.
Analysis of email.contentmanager(Library) on depth 9 completed  in 5.937 ms.
Analysis of os(Library) on depth 3 completed  in 7.6084 ms.
Analysis of unittest.result(Library) on depth 6 completed  in 1.8462 ms.
Analysis of unittest.runner(Library) on depth 6 completed  in 5.5195 ms.
Analysis of email.policy(Library) on depth 8 completed  in 0.8381 ms.
Analysis of unittest.suite(Library) on depth 6 completed  in 2.1993 ms.
Analysis of genericpath(Library) on depth 5 completed  in 1.5786 ms.
Analysis of email.generator(Library) on depth 8 completed  in 2.5306 ms.
Analysis of fnmatch(Library) on depth 5 completed  in 0.3979 ms.
Analysis of nt(CompiledBuiltin) on depth 4 completed  in 2.4869 ms.
Analysis of glob(Library) on depth 6 completed  in 9.8813 ms.
Analysis of gettext(Library) on depth 4 completed  in 11.8423 ms.
Analysis of shlex(Library) on depth 6 completed  in 0.7957 ms.
Analysis of getopt(Library) on depth 6 completed  in 0.8923 ms.
Analysis of bdb(Library) on depth 6 completed  in 12.5456 ms.
Analysis of unittest.util(Library) on depth 7 completed  in 2.5756 ms.
Analysis of http.client(Library) on depth 8 completed  in 24.3611 ms.
Analysis of socket(Library) on depth 8 completed  in 5.2429 ms.
Analysis of lzma(Library) on depth 9 completed  in 0.9095 ms.
Analysis of mimetypes(Library) on depth 8 completed  in 3.1956 ms.
Analysis of tarfile(Library) on depth 9 completed  in 30.8797 ms.
Analysis of posixpath(Library) on depth 4 completed  in 4.9153 ms.
Analysis of socketserver(Library) on depth 8 completed  in 10.4494 ms.
Analysis of argparse(Library) on depth 3 completed  in 10.6178 ms.
Analysis of optparse(Library) on depth 9 completed  in 9.7943 ms.
Analysis of email.message(Library) on depth 7 completed  in 8.194 ms.
Analysis of quopri(Library) on depth 8 completed  in 1.2984 ms.
Analysis of code(Library) on depth 6 completed  in 0.5763 ms.
Analysis of calendar(Library) on depth 10 completed  in 2.9815 ms.
Analysis of uu(Library) on depth 8 completed  in 3.2919 ms.
Analysis of shutil(Library) on depth 8 completed  in 7.3125 ms.
Analysis of email._parseaddr(Library) on depth 9 completed  in 4.6343 ms.
Analysis of tokenize(Library) on depth 3 completed  in 8.2709 ms.
Analysis of email.feedparser(Library) on depth 9 completed  in 5.6548 ms.
Analysis of http.server(Library) on depth 7 completed  in 10.8738 ms.
Analysis of _strptime(Library) on depth 10 completed  in 9.6211 ms.
Analysis of tempfile(Library) on depth 7 completed  in 8.3851 ms.
Analysis of webbrowser(Library) on depth 7 completed  in 8.3025 ms.
Analysis of zipfile(Library) on depth 9 completed  in 15.844 ms.
Analysis of linecache(Library) on depth 3 completed  in 0.2877 ms.
Analysis of email.parser(Library) on depth 8 completed  in 0.7863 ms.
Analysis of email(Library) on depth 7 completed  in 0.4299 ms.
Analysis of traceback(Library) on depth 5 completed  in 2.2517 ms.
Analysis of email._encoded_words(Library) on depth 8 completed  in 2.4703 ms.
Analysis of _dummy_thread(Library) on depth 4 completed  in 3.6101 ms.
Analysis of email.header(Library) on depth 9 completed  in 6.2882 ms.
Analysis of reprlib(Library) on depth 3 completed  in 2.4223 ms.
Analysis of email._policybase(Library) on depth 8 completed  in 2.67 ms.
Analysis of threading(Library) on depth 5 completed  in 7.7793 ms.
Analysis of dummy_threading(Library) on depth 5 completed  in 0.4319 ms.
Analysis of _threading_local(Library) on depth 6 completed  in 0.6268 ms.
Analysis of importlib._bootstrap_external(Library) on depth 4 completed  in 15.5042 ms.
Analysis of functools(Library) on depth 3 completed  in 5.6218 ms.
Analysis of importlib(Library) on depth 3 completed  in 0.7087 ms.
Analysis of datetime(Library) on depth 9 completed  in 17.2958 ms.
Analysis of importlib.machinery(Library) on depth 3 completed  in 0.361 ms.
Analysis of importlib.abc(Library) on depth 8 completed  in 2.9046 ms.
Analysis of operator(Library) on depth 2 completed  in 2.7777 ms.
Analysis of subprocess(Library) on depth 4 completed  in 10.2941 ms.
Analysis of locale(Library) on depth 4 completed  in 13.444 ms.
Analysis of _functools(CompiledBuiltin) on depth 4 completed  in 0.1705 ms.
Analysis of unittest.signals(Library) on depth 6 completed  in 0.4861 ms.
Analysis of signal(Library) on depth 5 completed  in 0.5182 ms.
Analysis of _datetime(CompiledBuiltin) on depth 10 completed  in 0.1105 ms.
Analysis of _operator(CompiledBuiltin) on depth 3 completed  in 0.8053 ms.
Analysis of _locale(CompiledBuiltin) on depth 3 completed  in 0.2023 ms.
Analysis of _bootlocale(Library) on depth 5 completed  in 0.2429 ms.
Analysis of re(Library) on depth 2 completed  in 1.7497 ms.
Analysis of keyword(Library) on depth 3 completed  in 1.2589 ms.
Analysis of textwrap(Library) on depth 4 completed  in 3.5751 ms.
Analysis of email._header_value_parser(Library) on depth 10 completed  in 36.5136 ms.
Analysis of token(Library) on depth 3 completed  in 5.8328 ms.
Analysis of urllib.parse(Library) on depth 7 completed  in 9.0219 ms.
Analysis of html(Library) on depth 8 completed  in 0.7234 ms.
Analysis of pprint(Library) on depth 6 completed  in 6.601 ms.
Analysis of email.headerregistry(Library) on depth 9 completed  in 6.0246 ms.
Analysis of ipaddress(Library) on depth 10 completed  in 19.7361 ms.
Analysis of collections(Library) on depth 2 completed  in 8.5729 ms.
Analysis of _collections(CompiledBuiltin) on depth 3 completed  in 0.4457 ms.
Analysis of types(Library) on depth 3 completed  in 1.7127 ms.
Analysis of dis(Library) on depth 3 completed  in 2.6666 ms.
Analysis of selectors(Library) on depth 5 completed  in 6.3914 ms.
Analysis of enum(Library) on depth 3 completed  in 6.5366 ms.
Analysis of inspect(Library) on depth 2 completed  in 27.6206 ms.
Analysis of http(Library) on depth 7 completed  in 0.8231 ms.
Analysis of weakref(Library) on depth 4 completed  in 8.1699 ms.
Analysis of sys(CompiledBuiltin) on depth 2 completed  in 7.0093 ms.
Analysis of xml.parsers.expat(Library) on depth 9 completed  in 0.1105 ms.
Analysis of email.iterators(Library) on depth 8 completed  in 0.2415 ms.
Analysis of ast(Library) on depth 3 completed  in 1.7127 ms.
Analysis of copy(Library) on depth 3 completed  in 1.3302 ms.
Analysis of _collections_abc(Library) on depth 3 completed  in 5.2669 ms.
Analysis of collections.abc(Library) on depth 3 completed  in 0.0872 ms.
Analysis of contextlib(Library) on depth 2 completed  in 9.5024 ms.
Analysis of encodings.mbcs(Library) on depth 6 completed for library in 0.3618 ms.
Analysis of encodings(Library) on depth 5 completed for library in 0.8413 ms.
Analysis of codecs(Library) on depth 4 completed for library in 2.0205 ms.
Analysis of plistlib(Library) on depth 8 completed for library in 4.1194 ms.
Analysis of platform(Library) on depth 7 completed for library in 3.1856 ms.
Analysis of pydoc(Library) on depth 6 completed for library in 20.1029 ms.
Analysis of pdb(Library) on depth 5 completed for library in 12.4113 ms.
Analysis of doctest(Library) on depth 4 completed for library in 5.2673 ms.
Analysis of heapq(Library) on depth 3 completed for library in 1.1511 ms.
Analysis of difflib(Library) on depth 5 completed for library in 14.8392 ms.
Analysis of pickle(Library) on depth 5 completed for library in 15.1671 ms.
Analysis of tracemalloc(Library) on depth 4 completed for library in 2.9642 ms.
Analysis of warnings(Library) on depth 3 completed for library in 2.1732 ms.
Analysis of bz2(Library) on depth 9 completed for library in 1.0902 ms.
Analysis of importlib.util(Library) on depth 7 completed for library in 1.4804 ms.
Analysis of string(Library) on depth 5 completed for library in 4.7668 ms.
Analysis of base64(Library) on depth 8 completed for library in 5.3727 ms.
Analysis of random(Library) on depth 8 completed for library in 2.301 ms.
Analysis of py_compile(Library) on depth 10 completed for library in 0.6023 ms.
Analysis of pkgutil(Library) on depth 7 completed for library in 6.1042 ms.
Analysis of sre_parse(Library) on depth 3 completed for library in 8.8341 ms.
Analysis of ntpath(Library) on depth 4 completed for library in 6.3605 ms.
Analysis of email.encoders(Library) on depth 9 completed for library in 0.5242 ms.
Analysis of logging(Library) on depth 7 completed for library in 14.2378 ms.
Analysis of cmd(Library) on depth 6 completed for library in 0.4802 ms.
Analysis of gzip(Library) on depth 10 completed for library in 7.6121 ms.
Analysis of unittest.case(Library) on depth 6 completed for library in 21.2405 ms.
Analysis of email.base64mime(Library) on depth 9 completed for library in 1.7269 ms.
Analysis of email.quoprimime(Library) on depth 9 completed for library in 2.0769 ms.
Analysis of ssl(Library) on depth 9 completed for library in 10.395 ms.
Analysis of os(Library) on depth 3 completed for library in 4.7691 ms.
Analysis of email.charset(Library) on depth 8 completed for library in 0.8026 ms.
Analysis of hashlib(Library) on depth 9 completed for library in 4.8515 ms.
Analysis of gettext(Library) on depth 4 completed for library in 6.8497 ms.
Analysis of sre_compile(Library) on depth 3 completed for library in 10.3977 ms.
Analysis of nt(CompiledBuiltin) on depth 4 completed  in 2.8694 ms.
Analysis of fnmatch(Library) on depth 5 completed for library in 0.3962 ms.
Analysis of genericpath(Library) on depth 5 completed for library in 1.4575 ms.
Analysis of unittest.loader(Library) on depth 6 completed for library in 8.2807 ms.
Analysis of bdb(Library) on depth 6 completed for library in 6.5152 ms.
Analysis of shlex(Library) on depth 6 completed for library in 0.7445 ms.
Analysis of glob(Library) on depth 6 completed for library in 0.809 ms.
Analysis of lzma(Library) on depth 9 completed for library in 0.8104 ms.
Analysis of getopt(Library) on depth 6 completed for library in 0.8735 ms.
Analysis of mimetypes(Library) on depth 8 completed for library in 1.2799 ms.
Analysis of unittest.util(Library) on depth 7 completed for library in 2.0935 ms.
Analysis of socket(Library) on depth 8 completed for library in 6.0814 ms.
Analysis of http.client(Library) on depth 8 completed for library in 19.8205 ms.
Analysis of socketserver(Library) on depth 8 completed for library in 7.0612 ms.
Analysis of quopri(Library) on depth 8 completed for library in 1.4102 ms.
Analysis of email.utils(Library) on depth 8 completed for library in 1.6823 ms.
Analysis of tarfile(Library) on depth 9 completed for library in 23.432 ms.
Analysis of email.contentmanager(Library) on depth 9 completed for library in 2.003 ms.
Analysis of unittest.main(Library) on depth 6 completed for library in 1.6044 ms.
Analysis of posixpath(Library) on depth 4 completed for library in 2.4262 ms.
Analysis of optparse(Library) on depth 9 completed for library in 12.8258 ms.
Analysis of argparse(Library) on depth 3 completed for library in 16.4074 ms.
Analysis of http.server(Library) on depth 7 completed for library in 16.7965 ms.
Analysis of unittest(Library) on depth 5 completed for library in 0.5044 ms.
Analysis of uu(Library) on depth 8 completed for library in 0.916 ms.
Analysis of code(Library) on depth 6 completed for library in 0.4755 ms.
Analysis of email.policy(Library) on depth 8 completed for library in 1.6752 ms.
Analysis of email.generator(Library) on depth 8 completed for library in 2.591 ms.
Analysis of calendar(Library) on depth 10 completed for library in 5.5625 ms.
Analysis of unittest.result(Library) on depth 6 completed for library in 1.3404 ms.
Analysis of shutil(Library) on depth 8 completed for library in 7.3849 ms.
Analysis of tokenize(Library) on depth 3 completed for library in 7.358 ms.
Analysis of unittest.suite(Library) on depth 6 completed for library in 2.561 ms.
Analysis of unittest.runner(Library) on depth 6 completed for library in 2.8441 ms.
Analysis of email._parseaddr(Library) on depth 9 completed for library in 3.3149 ms.
Analysis of email.message(Library) on depth 7 completed for library in 6.2414 ms.
Analysis of webbrowser(Library) on depth 7 completed for library in 4.9682 ms.
Analysis of _strptime(Library) on depth 10 completed for library in 6.6705 ms.
Analysis of linecache(Library) on depth 3 completed for library in 0.2473 ms.
Analysis of traceback(Library) on depth 5 completed for library in 1.6639 ms.
Analysis of tempfile(Library) on depth 7 completed for library in 7.2192 ms.
Analysis of email.feedparser(Library) on depth 9 completed for library in 2.9821 ms.
Analysis of _dummy_thread(Library) on depth 4 completed for library in 0.321 ms.
Analysis of email.parser(Library) on depth 8 completed for library in 3.0614 ms.
Analysis of email(Library) on depth 7 completed for library in 0.3992 ms.
Analysis of reprlib(Library) on depth 3 completed for library in 4.4143 ms.
Analysis of threading(Library) on depth 5 completed for library in 6.4845 ms.
Analysis of importlib._bootstrap_external(Library) on depth 4 completed for library in 14.5029 ms.
Analysis of email._encoded_words(Library) on depth 8 completed for library in 2.8761 ms.
Analysis of email.header(Library) on depth 9 completed for library in 2.6766 ms.
Analysis of datetime(Library) on depth 9 completed for library in 15.2814 ms.
Analysis of zipfile(Library) on depth 9 completed for library in 21.0548 ms.
Analysis of email._header_value_parser(Library) on depth 10 completed for library in 19.72 ms.
Analysis of _datetime(CompiledBuiltin) on depth 10 completed  in 0.1784 ms.
Analysis of dummy_threading(Library) on depth 5 completed for library in 0.4859 ms.
Analysis of importlib.machinery(Library) on depth 3 completed for library in 0.4838 ms.
Analysis of importlib(Library) on depth 3 completed for library in 0.801 ms.
Analysis of _threading_local(Library) on depth 6 completed for library in 0.9201 ms.
Analysis of email._policybase(Library) on depth 8 completed for library in 3.6414 ms.
Analysis of importlib.abc(Library) on depth 8 completed for library in 3.9322 ms.
Analysis of email.headerregistry(Library) on depth 9 completed for library in 5.0875 ms.
Analysis of functools(Library) on depth 3 completed for library in 5.5487 ms.
Analysis of signal(Library) on depth 5 completed for library in 0.4562 ms.
Analysis of _functools(CompiledBuiltin) on depth 4 completed  in 0.0994 ms.
Analysis of unittest.signals(Library) on depth 6 completed for library in 0.4973 ms.
Analysis of operator(Library) on depth 2 completed for library in 2.8663 ms.
Analysis of locale(Library) on depth 4 completed for library in 16.4163 ms.
Analysis of subprocess(Library) on depth 4 completed for library in 16.8365 ms.
Analysis of ipaddress(Library) on depth 10 completed for library in 20.3011 ms.
Analysis of _locale(CompiledBuiltin) on depth 3 completed  in 1.476 ms.
Analysis of _bootlocale(Library) on depth 5 completed for library in 1.5123 ms.
Analysis of _operator(CompiledBuiltin) on depth 3 completed  in 1.9609 ms.
Analysis of re(Library) on depth 2 completed for library in 1.1147 ms.
Analysis of html(Library) on depth 8 completed for library in 0.5917 ms.
Analysis of textwrap(Library) on depth 4 completed for library in 0.8775 ms.
Analysis of keyword(Library) on depth 3 completed for library in 1.0339 ms.
Analysis of inspect(Library) on depth 2 completed for library in 25.1922 ms.
Analysis of token(Library) on depth 3 completed for library in 2.8278 ms.
Analysis of ast(Library) on depth 3 completed for library in 3.4077 ms.
Analysis of collections(Library) on depth 2 completed for library in 6.0051 ms.
Analysis of pprint(Library) on depth 6 completed for library in 7.3169 ms.
Analysis of _collections(CompiledBuiltin) on depth 3 completed  in 0.5212 ms.
Analysis of urllib.parse(Library) on depth 7 completed for library in 7.1524 ms.
Analysis of types(Library) on depth 3 completed for library in 1.5152 ms.
Analysis of selectors(Library) on depth 5 completed for library in 2.4747 ms.
Analysis of dis(Library) on depth 3 completed for library in 3.5297 ms.
Analysis of weakref(Library) on depth 4 completed for library in 6.9084 ms.
Analysis of enum(Library) on depth 3 completed for library in 6.6696 ms.
Analysis of http(Library) on depth 7 completed for library in 0.672 ms.
Analysis of copy(Library) on depth 3 completed for library in 1.0813 ms.
Analysis of sys(CompiledBuiltin) on depth 2 completed  in 6.5235 ms.
Analysis of xml.parsers.expat(Library) on depth 9 completed for library in 0.1363 ms.
Analysis of email.iterators(Library) on depth 8 completed for library in 0.1663 ms.
Analysis of _collections_abc(Library) on depth 3 completed for library in 5.028 ms.
Analysis of collections.abc(Library) on depth 3 completed for library in 0.1478 ms.
Analysis of contextlib(Library) on depth 2 completed for library in 1.6485 ms.
Analysis of decorator(Library) on depth 1 completed for library in 3.328 ms.
Analysis of pytorch(User) on depth 0 completed  in 0.1237 ms.
Analysis complete: 349 modules in 1408.4782 ms.
Analysis version 496 of 501 entries has been completed in 611.7552 ms.
Completions in file:///c:/Users/Master/Desktop/Testpy/pytorch.py at (3, 10)
Analysis of pytorch(User) queued
Analysis version 497 of 1 entries has started.
Completions in file:///c:/Users/Master/Desktop/Testpy/pytorch.py at (3, 1)
Analysis of pytorch(User) on depth 0 completed  in 8.8541 ms.
Analysis complete: 1 modules in 9.5666 ms.
Analysis version 497 of 1 entries has been completed in 8.9979 ms.
Analysis of pytorch(User) queued
Analysis version 498 of 1 entries has started.
Analysis of pytorch(User) on depth 0 completed  in 1.1961 ms.
Analysis complete: 1 modules in 1.9113 ms.
Analysis version 498 of 1 entries has been completed in 1.3936 ms.
Analysis of pytorch(User) queued
Analysis version 499 of 1 entries has started.
Analysis of pytorch(User) on depth 0 completed  in 0.3206 ms.
Analysis complete: 1 modules in 1.4581 ms.
Analysis version 499 of 1 entries has been completed in 0.5482 ms.
Analysis of pytorch(User) queued
Analysis version 500 of 1 entries has started.
Analysis of pytorch(User) on depth 0 completed  in 0.2081 ms.
Analysis complete: 1 modules in 0.8964 ms.
Analysis version 500 of 1 entries has been completed in 0.3709 ms.
Analysis of pytorch(User) queued
Completions in file:///c:/Users/Master/Desktop/Testpy/pytorch.py at (3, 10)
Analysis version 501 of 1 entries has started.
Analysis of pytorch(User) on depth 0 completed  in 0.6696 ms.
Analysis complete: 1 modules in 2.7209 ms.
Analysis version 501 of 1 entries has been completed in 1.0646 ms.

@jakebailey
Copy link
Member

Based on that, I'm fairly certain this is the same as #1401 (but we can reopen as needed).

I'd appreciate it if you could set the following in your config and reload to trigger a download (to v0.3.56), then see if you can grab one of the stack traces for those exceptions, and post an update on #1401.

"python.analysis.downloadChannel": "daily"

Closing in favor of #1401.

@Coderx7
Copy link
Author

Coderx7 commented Aug 26, 2019

it happened again just moments ago! it maxed out 10+G of system RAM. unfortunately I couldn't save any log!

@Coderx7
Copy link
Author

Coderx7 commented Aug 31, 2019

The leak happened moments ago again! and here is the log : https://we.tl/t-7XyjjmUIgf

@MikhailArkhipov
Copy link

@Coderx7 please open separate issue as this thread is closed. Case may or may not be the same. Thanks.

@microsoft microsoft locked as resolved and limited conversation to collaborators Aug 31, 2019
@MikhailArkhipov
Copy link

Actually since it is not resolved as fixed and rather than as duplicated, reopening.

@microsoft microsoft unlocked this conversation Aug 31, 2019
@AlexanderSher AlexanderSher self-assigned this Aug 31, 2019
@MikhailArkhipov
Copy link

MikhailArkhipov commented Oct 7, 2019

import torch
import torch.nn as nn
import torchvision
#import torchvision.transforms as transforms
from torchvision import transforms
from torchvision import datasets
from torch import cuda

anounted to torch + pandas + matplotlib + scipy + numpy, but I ended up with 1GB peak, 400M post analysis. However, this is stock P3.7

@MikhailArkhipov
Copy link

LS is on 0.5, I am planning to close this unless it is still happening.

Sign up for free to subscribe to this conversation on GitHub. Already have an account? Sign in.
Labels
None yet
Projects
None yet
Development

No branches or pull requests

4 participants