zoukankan      html  css  js  c++  java
  • Summary on deep learning framework --- PyTorch

    Summary on deep learning framework --- PyTorch 

    Updated on 2018-07-22 21:25:42 

    import os
    os.environ["CUDA_VISIBLE_DEVICES"]="4" 

    export CUDA_VISIBLE_DEVICES=0 

    import warnings 
    warnings.filterwarnings("ignore")

     

    将程序推送到后台执行:nohup python main.py & 

    pip install scrapy -i https://pypi.tuna.tsinghua.edu.cn/simple  

     

    0. Linux统计文件夹下的文件数目

    统计当前目录下文件的个数(不包括目录): ls -l | grep "^-" | wc -l 

    统计当前目录下文件的个数(包括子目录): ls -lR| grep "^-" | wc -l 

    查看某目录下文件夹(目录)的个数(包括子目录): ls -lR | grep "^d" | wc -l 

    命令解析:

    • ls -l     长列表输出该目录下文件信息(注意这里的文件是指目录、链接、设备文件等),每一行对应一个文件或目录,ls -lR是列出所有文件,包括子目录。
    • grep "^-"  过滤ls的输出信息,只保留一般文件,只保留目录是grep "^d"
    • wc -l     统计输出信息的行数,统计结果就是输出信息的行数,一行信息对应一个文件,所以就是文件的个数。

     

    1. install the pytorch version 0.1.11 

    ## Version 0.1.11
    ## python2.7 and cuda 8.0  
    sudo pip install http:
    //download.pytorch.org/whl/cu80/torch-0.1.11.post5-cp27-none-linux_x86_64.whl
    pip install torchvision

    install pytorch version 0.2.0 

    sudo pip install http://download.pytorch.org/whl/cu80/torch-0.2.0.post3-cp27-cp27mu-manylinux1_x86_64.whl

    install pytorch version 0.4.0 

    step-1. Download the files from: 
    https://files.pythonhosted.org/packages/df/a4/7f5ec6e9df1bf13f1881353702aa9713fcd997481b26018f35e0be85faf7/torch-0.4.0-cp27-cp27mu-manylinux1_x86_64.whl
    step-2. Install this file
    pip install torch-0.4.0-cp27-cp27mu-manylinux1_x86_64.whl

     Other visions of pyTorch can check this filehttps://github.com/pytorch/pytorch.github.io/blob/master/_data/wizard.yml 

    You can also download related files from my Baidu Yunhttps://pan.baidu.com/s/1mc_b6AB6P2YlV6lwxGOOzA

     

     

    2. what happened when following errors occurs ???

    Traceback (most recent call last):
      File "examples/triplet_loss.py", line 221, in <module>
      File "examples/triplet_loss.py", line 150, in main
      File "build/bdist.linux-x86_64/egg/reid/evaluators.py", line 118, in evaluate
      File "build/bdist.linux-x86_64/egg/reid/evaluators.py", line 21, in extract_features
      File "/usr/local/lib/python2.7/dist-packages/torch/utils_v2/data/dataloader.py", line 301, in __iter__
      File "/usr/local/lib/python2.7/dist-packages/torch/utils_v2/data/dataloader.py", line 163, in __init__
      File "/usr/local/lib/python2.7/dist-packages/torch/utils_v2/data/dataloader.py", line 226, in _put_indices
      File "/usr/lib/python2.7/multiprocessing/queues.py", line 390, in put
      File "/usr/local/lib/python2.7/dist-packages/torch/multiprocessing/queue.py", line 17, in send
      File "/usr/lib/python2.7/pickle.py", line 224, in dump
      File "/usr/lib/python2.7/pickle.py", line 286, in save
      File "/usr/lib/python2.7/pickle.py", line 548, in save_tuple
      File "/usr/lib/python2.7/pickle.py", line 286, in save
      File "/usr/lib/python2.7/pickle.py", line 600, in save_list
      File "/usr/lib/python2.7/pickle.py", line 633, in _batch_appends
      File "/usr/lib/python2.7/pickle.py", line 286, in save
      File "/usr/lib/python2.7/pickle.py", line 600, in save_list
      File "/usr/lib/python2.7/pickle.py", line 633, in _batch_appends
      File "/usr/lib/python2.7/pickle.py", line 286, in save
      File "/usr/lib/python2.7/pickle.py", line 562, in save_tuple
      File "/usr/lib/python2.7/pickle.py", line 286, in save
      File "/usr/lib/python2.7/multiprocessing/forking.py", line 67, in dispatcher
      File "/usr/lib/python2.7/pickle.py", line 401, in save_reduce
      File "/usr/lib/python2.7/pickle.py", line 286, in save
      File "/usr/lib/python2.7/pickle.py", line 548, in save_tuple
      File "/usr/lib/python2.7/pickle.py", line 286, in save
      File "/usr/lib/python2.7/multiprocessing/forking.py", line 66, in dispatcher
      File "/usr/local/lib/python2.7/dist-packages/torch/multiprocessing/reductions.py", line 113, in reduce_storage
    RuntimeError: unable to open shared memory object </torch_29419_2971992535> in read-write mode at /b/wheel/pytorch-src/torch/lib/TH/THAllocator.c:226
    Traceback (most recent call last):
      File "/usr/lib/python2.7/multiprocessing/util.py", line 274, in _run_finalizers
      File "/usr/lib/python2.7/multiprocessing/util.py", line 207, in __call__
      File "/usr/lib/python2.7/shutil.py", line 239, in rmtree
      File "/usr/lib/python2.7/shutil.py", line 237, in rmtree
    OSError: [Errno 24] Too many open files: '/tmp/pymp-QoKm2p'
    View Code 

     

    3. GPU 和 CPU 数据之间的转换:

      (1)CPU --->  GPU:   a.cuda() 

      (2)GPU ---> CPU:    a.cpu() 

      (3) torch.tensor --->  numpy array: 

        a_numpy_style = a.numpy() 

      (4)numpy array ---> torch.tensor: 

     1 >>> import numpy as np
     2 >>> a = np.ones(5)
     3 >>> b = torch.from_numpy(a)
     4 >>> np.add(a, 1, out=a)
     5 array([ 2.,  2.,  2.,  2.,  2.])
     6 >>> print(a)
     7 [ 2.  2.  2.  2.  2.]
     8 >>> print(b)
     9 
    10  2
    11  2
    12  2
    13  2
    14  2
    15 [torch.DoubleTensor of size 5]
    16 
    17 >>> c=b.numpy()
    18 >>> c
    19 array([ 2.,  2.,  2.,  2.,  2.])

     

    4. Variable and Tensor: 

      ==>> programs occured error:

      expected a Variable, but got a Float.Tensor(), ~~~~ 

      ==>> this can be solved by adding: 

    from torch.autograd import Variable 
    hard_neg_differ_ = Variable(hard_neg_differ_) 

      ==>> this will change the hard_neg_differ_ into a variable, not a Float.Tensor() any more. 

      we can read this reference: http://blog.csdn.net/shudaqi2010/article/details/54880748 

      it tell us: 

     

    >>> import torch
    >>> x  = torch.Tensor(2,3,4)
    >>> x
    
    (0 ,.,.) = 
    1.00000e-37 *
       2.4168  0.0000  0.0000  0.0000
       0.0000  0.0000  0.0000  0.0000
       0.0000  0.0000  0.0000  0.0000
    
    (1 ,.,.) = 
    1.00000e-37 *
       0.0000  0.0000  0.0000  0.0000
       0.0000  0.0000  0.0000  0.0000
       0.0000  0.0000  0.0000  0.0000
    [torch.FloatTensor of size 2x3x4]
    
    >>> from torch.autograd import Variable
    >>> x = Variable(x) 
    >>> x 
    Variable containing:
    (0 ,.,.) = 
    1.00000e-37 *
       2.4168  0.0000  0.0000  0.0000
       0.0000  0.0000  0.0000  0.0000
       0.0000  0.0000  0.0000  0.0000
    
    (1 ,.,.) = 
    1.00000e-37 *
       0.0000  0.0000  0.0000  0.0000
       0.0000  0.0000  0.0000  0.0000
       0.0000  0.0000  0.0000  0.0000
    [torch.FloatTensor of size 2x3x4]
    View Code

     

      But, you can not directly convert the Variable to numpy() or something else. You can load the values in the Variable and convert to numpy() through: 

      value = varable.data.numpy().

     

    5.  Some Operations about tensor. obtained from blog: http://www.cnblogs.com/huangshiyu13/p/6672828.html 

    ============改变数组的维度==================
    已知reshape函数可以有一维数组形成多维数组
    ravel函数可以展平数组
    b.ravel()
    flatten()函数也可以实现同样的功能
    区别:ravel只提供视图view,而flatten分配内存存储
    
    重塑:
    
    用元祖设置维度
    >>> b.shape=(4,2,3)
    >>> b
    array([[ 0, 1, 2],
            [ 3, 4, 5],
    
           [ 6, 7, 8],
            [ 9, 10, 11],
    
           [12, 13, 14],
            [15, 16, 17],
    
           [18, 19, 20],
            [21, 22, 23]])
    
    转置:
    >>> b
    array([0, 1],
           [2, 3])
    >>> b.transpose()
    array([0, 2],
           [1, 3])
    
    =============数组的组合==============
    >>> a
    array([0, 1, 2],
           [3, 4, 5],
           [6, 7, 8])
    >>> b = a*2
    >>> b
    array([ 0, 2, 4],
           [ 6, 8, 10],
           [12, 14, 16])
    
    1.水平组合
    >>> np.hstack((a,b))
    array([ 0, 1, 2, 0, 2, 4],
           [ 3, 4, 5, 6, 8, 10],
           [ 6, 7, 8, 12, 14, 16])
    >>> np.concatenate((a,b),axis=1)
    array([ 0, 1, 2, 0, 2, 4],
           [ 3, 4, 5, 6, 8, 10],
           [ 6, 7, 8, 12, 14, 16])
    
    2.垂直组合
    >>> np.vstack((a,b))
    array([ 0, 1, 2],
           [ 3, 4, 5],
           [ 6, 7, 8],
           [ 0, 2, 4],
           [ 6, 8, 10],
           [12, 14, 16])
    >>> np.concatenate((a,b),axis=0)
    array([ 0, 1, 2],
           [ 3, 4, 5],
           [ 6, 7, 8],
           [ 0, 2, 4],
           [ 6, 8, 10],
           [12, 14, 16])
    
    3.深度组合:沿着纵轴方向组合
    >>> np.dstack((a,b))
    array([[ 0, 0],
            [ 1, 2],
            [ 2, 4],
    
           [ 3, 6],
            [ 4, 8],
            [ 5, 10],
    
           [ 6, 12],
            [ 7, 14],
            [ 8, 16]])
    
    4.列组合column_stack()
    一维数组:按列方向组合
    二维数组:同hstack一样
    
    5.行组合row_stack()
    以为数组:按行方向组合
    二维数组:和vstack一样
    
    6.==用来比较两个数组
    >>> a==b
    array([ True, False, False],
           [False, False, False],
           [False, False, False], dtype=bool)
    #True那个因为都是0啊
    
    ==================数组的分割===============
    >>> a
    array([0, 1, 2],
           [3, 4, 5],
           [6, 7, 8])
    >>> b = a*2
    >>> b
    array([ 0, 2, 4],
           [ 6, 8, 10],
           [12, 14, 16])
    
    1.水平分割(难道不是垂直分割???)
    >>> np.hsplit(a,3)
    [array([0],
           [3],
           [6]),
     array([1],
           [4],
           [7]), 
    array([2],
           [5],
           [8])]
    split(a,3,axis=1)同理达到目的
    
    2.垂直分割
    >>> np.vsplit(a,3)
    [array([0, 1, 2]), array([3, 4, 5]), array([6, 7, 8])]
    
    split(a,3,axis=0)同理达到目的
    
    3.深度分割
    某三维数组:::
    >>> d = np.arange(27).reshape(3,3,3)
    >>> d
    array([[ 0, 1, 2],
            [ 3, 4, 5],
            [ 6, 7, 8],
    
           [ 9, 10, 11],
            [12, 13, 14],
            [15, 16, 17],
    
           [18, 19, 20],
            [21, 22, 23],
            [24, 25, 26]])
    
    深度分割后(即按照深度的方向分割)
    注意:dsplite只对3维以上数组起作用
    raise ValueError('dsplit only works on arrays of 3 or more dimensions')
    ValueError: dsplit only works on arrays of 3 or more dimensions
    
    >>> np.dsplit(d,3)
    [array([[ 0],
            [ 3],
            [ 6],
    
           [ 9],
            [12],
            [15],
    
           [18],
            [21],
            [24]]), array([[ 1],
            [ 4],
            [ 7],
    
           [10],
            [13],
            [16],
    
           [19],
            [22],
            [25]]), array([[ 2],
            [ 5],
            [ 8],
    
           [11],
            [14],
            [17],
    
           [20],
            [23],
            [26]])]
    
    ===================数组的属性=================
    >>> a.shape #数组维度
    (3, 3)
    >>> a.dtype #元素类型
    dtype('int32')
    >>> a.size #数组元素个数
    9
    >>> a.itemsize #元素占用字节数
    4
    >>> a.nbytes #整个数组占用存储空间=itemsize*size
    36
    >>> a.T #转置=transpose
    array([0, 3, 6],
           [1, 4, 7],
           [2, 5, 8])
    

     6. image paste using python: 

    im = Image.open('/home/wangxiao/Pictures/9c1147d3gy1fjuyywz23sj20dl09u3yw.jpg') box = (100,100,500,500)
    region = im.crop(box) 
    im.paste(region,(100,70))  
    im.show() 

      

     7. pytorch save checkpoints 

    torch.save(model.state_dict(), filename)
    

     

    8. install python3.5 on ubuntu system:

    sudo add-apt-repository ppa:fkrull/deadsnakes
    sudo apt-get update
    sudo apt-get install python3.5
    

    when testing, just type: python3.5   

     

    9. load imge to tensor & save tensor data to image files. 

    def tensor_load_rgbimage(filename, size=None, scale=None):
        img = Image.open(filename)
        if size is not None:
            img = img.resize((size, size), Image.ANTIALIAS)
        elif scale is not None:
            img = img.resize((int(img.size[0] / scale), int(img.size[1] / scale)), Image.ANTIALIAS)
        img = np.array(img).transpose(2, 0, 1)
        img = torch.from_numpy(img).float()
        return img
    
    
    def tensor_save_rgbimage(tensor, filename, cuda=False):
        if cuda:
            img = tensor.clone().cpu().clamp(0, 255).numpy()
        else:
            img = tensor.clone().clamp(0, 255).numpy()
        img = img.transpose(1, 2, 0).astype('uint8')
        img = Image.fromarray(img)
        img.save(filename)
    

      

    10. the often used opeartions in pytorch:

    ########################## save log files #############################################
    logfile_path = './log_files_AAE_2017.10.08.16:20.txt'
    fobj=open(logfile_path,'a')
    fobj.writelines(['Epoch: %d Niter:%d Loss_VAE: %.4f Loss_D: %.4f Loss_D_noise: %.4f Loss_G: %.4f D(x): %.4f D(G(z)): %.4f / %.4f 
    '
    % (EEEPoch, total_epoch, VAEerr.data[0], errD_noise.data[0], errD.data[0], total_errG.data[0], D_x, D_G_z1, D_G_z2)])
    fobj.close()
    # print('==>> saving txt files ... Done!')
    
    ###########################	save checkpoints ###########################	
    if epoch%opt.saveInt == 0 and epoch!=0:
    torch.save(netG.state_dict(), '%s/netG_epoch_%d.pth' % (opt.outf, epoch))
    # torch.save(netD.state_dict(), '%s/netD_epoch_%d.pth' % (opt.outf, epoch))
    # torch.save(netD_gaussian.state_dict(), '%s/netD_Z_epoch_%d.pth' % (opt.outf, epoch))
    
    
    # ###########################	save middle images into folders	###########################	
    # img_index = EEEPoch + index_batch + epoch 
    # if epoch % 10 == 0:
    # vutils.save_image(real_cpu, '%s/real_samples.png' % img_index,
    # normalize=True)
    # fake = netG.decoder(fixed_noise)
    # vutils.save_image(fake.data,
    # '%s/fake_samples_epoch_%03d.png' % (img_index, img_index),
    # normalize=True)
    

      

    11. error:  RuntimeError: tensors are on different GPUs

     ==>> this is caused you set data into GPU mode, but not pre-defined model. 

     

    12. torch.mm and torch.spmm 

    torch.mm(mat1, mat2) ---> 输入的两个矩阵相乘;

    torch.spmm() --->  

     

    13. Expected object of type torch.cuda.LongTensor but found type torch.cuda.DoubleTensor for argument #2 'target'

    File "/usr/local/lib/python2.7/dist-packages/torch/nn/functional.py", line 1332, in nll_loss
    return torch._C._nn.nll_loss(input, target, weight, size_average, ignore_index, reduce)
    RuntimeError: Expected object of type torch.cuda.LongTensor but found type torch.cuda.DoubleTensor for argument #2 'target' 

    ==>> Solution: just add .long() to change the type of that variable, according to https://github.com/fastai/fastai/issues/71  

     

    14. RuntimeError: multi-target not supported at /pytorch/aten/src/THCUNN/generic/ClassNLLCriterion.cu:16

    File "run_train.py", line 150, in train_gcnTracker
    loss_train = F.nll_loss(output.float(), labels.long())
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/functional.py", line 1332, in nll_loss
    return torch._C._nn.nll_loss(input, target, weight, size_average, ignore_index, reduce)
    RuntimeError: multi-target not supported at /pytorch/aten/src/THCUNN/generic/ClassNLLCriterion.cu:16 

    ==>> Solution:  change the label into a single class labels, i.e. 1,2,3, ... N. Do not use one-hot like labels, according to https://discuss.pytorch.org/t/runtimeerror-multi-target-not-supported-newbie/10216/6 

     

    15. Set GPU ID:   export CUDA_VISIBLE_DEVICES=0 

     

    16.  fig.savefig(os.path.join(savefig_dir,'0000.jpg'),dpi=dpi)

     1     # Display
     2     savefig = savefig_dir != ''
     3     if display or savefig: 
     4         dpi = 80.0
     5         figsize = (image.size[0]/dpi, image.size[1]/dpi)
     6 
     7         fig = plt.figure(frameon=False, figsize=figsize, dpi=dpi)
     8         ax = plt.Axes(fig, [0., 0., 1., 1.])
     9         ax.set_axis_off()
    10         fig.add_axes(ax)
    11         im = ax.imshow(image, aspect='normal')
    12 
    13         if gt is not None:
    14             gt_rect = plt.Rectangle(tuple(gt[0,:2]),gt[0,2],gt[0,3],linewidth=3, edgecolor="#00ff00", zorder=1, fill=False)
    15             ax.add_patch(gt_rect)
    16         
    17         rect = plt.Rectangle(tuple(result_bb[0,:2]),result_bb[0,2],result_bb[0,3], 
    18                 linewidth=3, edgecolor="#ff0000", zorder=1, fill=False)
    19         ax.add_patch(rect)
    20 
    21         # pdb.set_trace() 
    22 
    23         if display:
    24             plt.pause(.01)
    25             plt.draw()
    26         if savefig:
    27             fig.savefig(os.path.join(savefig_dir,'0000.png'),dpi=dpi)
    View Code

    File "/usr/local/lib/python2.7/dist-packages/matplotlib/figure.py", line 1563, in savefig
    self.canvas.print_figure(*args, **kwargs)
    File "/usr/local/lib/python2.7/dist-packages/matplotlib/backend_bases.py", line 2232, in print_figure
    **kwargs)
    File "/usr/local/lib/python2.7/dist-packages/matplotlib/backends/backend_agg.py", line 583, in print_jpg
    return image.save(filename_or_obj, format='jpeg', **options)
    File "/usr/local/lib/python2.7/dist-packages/PIL/Image.py", line 1930, in save
    save_handler(self, fp, filename)
    File "/usr/local/lib/python2.7/dist-packages/PIL/JpegImagePlugin.py", line 607, in _save
    raise IOError("cannot write mode %s as JPEG" % im.mode)
    IOError: cannot write mode RGBA as JPEG 

    ==>> I find one blog talk about this issue from: blog. I change it type of saved image as ".png" and saved it successfully. 

     

    17. when I use torch.cat() to concatenate two tensors, it shown me errors like follows: 

    *** RuntimeError: Expected a Tensor of type torch.DoubleTensor but found a type torch.FloatTensor for sequence element 1 in sequence argument at position #1 'tensors'

    ==>> according to https://github.com/pytorch/pytorch/issues/2138 , we can solve it by adding: 

     

    18. RuntimeError: element 0 of tensors does not require grad and does not have a grad_fn

    ==== Start Cycle 0 ====

    (' ==>> loss_attention: ', tensor(0.6981))
    Traceback (most recent call last):
    File "step_1_train_attention.py", line 187, in <module>
    train_hardAttention()
    File "step_1_train_attention.py", line 165, in train_hardAttention
    loss_attention.backward()
    File "/usr/local/lib/python2.7/dist-packages/torch/tensor.py", line 93, in backward
    torch.autograd.backward(self, gradient, retain_graph, create_graph)
    File "/usr/local/lib/python2.7/dist-packages/torch/autograd/__init__.py", line 89, in backward
    allow_unreachable=True) # allow_unreachable flag
    RuntimeError: element 0 of tensors does not require grad and does not have a grad_fn

    ==>>  try this: loss_attention = Variable(loss_attention, requires_grad = True)  

     

    19. print the loss variation along with training: 

    import matplotlib.pyplot as plt
    
    def show_plot(iteration,loss):
        plt.plot(iteration,loss)
        plt.show()
    
    
    counter = []
    loss_history = [] 
    iteration_number= 0
    
    for epoch in range(0,Config.train_number_epochs):
        for i, data in enumerate(train_dataloader,0):
            img0, img1 , label = data
            img0, img1 , label = img0.cuda(), img1.cuda() , label.cuda()
            optimizer.zero_grad()
            output1, output2 = net(img0,img1)
            loss_contrastive = criterion(output1,output2,label)
            loss_contrastive.backward()
            optimizer.step()
            if i %10 == 0 :
                print("Epoch number {}
     Current loss {}
    ".format(epoch,loss_contrastive.item()))
                iteration_number +=10
                counter.append(iteration_number)
                loss_history.append(loss_contrastive.item())
    
    
    show_plot(counter,loss_history)

     

     20. Model initialization for fc layers

    1 ## Initialization for fc layers 
    2 
    3 from torch.nn import init
    4 
    5 self.fc1 = nn.Linear(1024, 1024)
    6 init.xavier_normal(self.fc1.weight)

     

    21. PyTorch implementation for convolutional feature visualization

    reference github: https://github.com/leelabcnbc/cnnvis-pytorch/blob/master/test.ipynb 

     

    22. ValueError: invalid literal for int() with base 10: '135.5'

    (Pdb) int(x)
    *** ValueError: invalid literal for int() with base 10: '135.5'
    (Pdb) round(float(x))
    136.0
    (Pdb)

    ==>> Solution: 

      int(round(float(initial_BBox[2])))

     

    23. Loading pre-trained VGG-19 Model: 

    model_root='./vgg16-397923af.pth'
    def make_layers(cfg, batch_norm=False): layers = [] in_channels = 3 for v in cfg: if v == 'M': layers += [nn.MaxPool2d(kernel_size=2, stride=2)] else: conv2d = nn.Conv2d(in_channels, v, kernel_size=3, padding=1) if batch_norm: layers += [conv2d, nn.BatchNorm2d(v), nn.ReLU(inplace=True)] else: layers += [conv2d, nn.ReLU(inplace=True)] in_channels = v return nn.Sequential(*layers) cfg = { 'A': [64, 'M', 128, 'M', 256, 256, 'M', 512, 512, 'M', 512, 512, 'M'], 'B': [64, 64, 'M', 128, 128, 'M', 256, 256, 'M', 512, 512, 'M', 512, 512, 'M'], 'D': [64, 64, 'M', 128, 128, 'M', 256, 256, 256, 'M', 512, 512, 512, 'M', 512, 512, 512, 'M'], 'E': [64, 64, 'M', 128, 128, 'M', 256, 256, 256, 256, 'M', 512, 512, 512, 512, 'M', 512, 512, 512, 512, 'M'], } """VGG 19-layer model""" model = VGG(make_layers(cfg['D'])) model.load_state_dict(torch.load(model_root)) VGG_net = VGG(model) VGG_net = VGG_net.cuda()

     

    24. *** RuntimeError: CUDNN_STATUS_BAD_PARAM 

    ==>> due to different input and given feature dimension. 

     

    25. *** RuntimeError: Trying to backward through the graph a second time, but the buffers have already been freed. Specify retain_graph=True when calling backward the first time.

    ==>> follow the solution from this link

    To reduce memory usage, during the .backward() call, all the intermediary results are deleted when they are not needed anymore.

    Hence if you try to call .backward() again, the intermediary results don’t exist and the backward pass cannot be performed (and you get the error you see).

    You can call .backward(retain_graph=True) to make a backward pass that will not delete intermediary results, and so you will be able to call .backward() again.

    All but the last call to backward should have the retain_graph=True option.

     

    26. RuntimeError: function ConcatBackward returned a gradient different than None at position 3, but the corresponding forward input was not a Variable

    g_loss.backward(retain_graph=True)
    File "/usr/local/lib/python2.7/dist-packages/torch/autograd/variable.py", line 156, in backward
    torch.autograd.backward(self, gradient, retain_graph, create_graph, retain_variables)
    File "/usr/local/lib/python2.7/dist-packages/torch/autograd/__init__.py", line 98, in backward
    variables, grad_variables, retain_graph)
    RuntimeError: function ConcatBackward returned a gradient different than None at position 3, but the corresponding forward input was not a Variable

     

    ==>> Similar operations like: output = torch.cat(Variable(x), y), will cause this problem. You need to check the variables you feed to the neural network and make sure they are all Variable

     

    27. Shown me the following error when use nn.BCELoss(): 

    CUDA error after cudaEventDestroy in future dtor: device-side assert triggeredTraceback (most recent call last):
    File "main.py", line 122, in <module>
    g_gen_loss = loss_function(fake_map, batch_map)
    File "/usr/local/lib/python3.6/site-packages/torch/nn/modules/module.py", line 477, in __call__
    result = self.forward(*input, **kwargs)
    File "/usr/local/lib/python3.6/site-packages/torch/nn/modules/loss.py", line 486, in forward
    return F.binary_cross_entropy(input, target, weight=self.weight, reduction=self.reduction)
    File "/usr/local/lib/python3.6/site-packages/torch/nn/functional.py", line 1603, in binary_cross_entropy
    return torch._C._nn.binary_cross_entropy(input, target, weight, reduction)
    RuntimeError: cudaEventSynchronize in future::wait: device-side assert triggered
    Exception ignored in: <bound method tqdm.__del__ of 0%| | 0/100 [44:41<?, ?it/s]>
    Traceback (most recent call last):
    File "/usr/local/lib/python3.6/site-packages/tqdm/_tqdm.py", line 931, in __del__
    self.close()
    File "/usr/local/lib/python3.6/site-packages/tqdm/_tqdm.py", line 1133, in close
    self._decr_instances(self)
    File "/usr/local/lib/python3.6/site-packages/tqdm/_tqdm.py", line 496, in _decr_instances
    cls.monitor.exit()
    File "/usr/local/lib/python3.6/site-packages/tqdm/_monitor.py", line 52, in exit
    self.join()
    File "/usr/local/lib/python3.6/threading.py", line 1053, in join
    raise RuntimeError("cannot join current thread")
    RuntimeError: cannot join current thread

     

    ==>> Find one solution for this issue from: https://github.com/NVIDIA/pix2pixHD/issues/9

    "Get's fixed applying nn.BCEWithLogitsLoss() instead of nn.BCELoss() in networks.py line 82 --it restricts loss values between 0 and 1 before applying the loss."

     

    28. Shit issues about nn.GRU to encode the natural language:  RuntimeError: CuDNN error: CUDNN_STATUS_SUCCESS

    Traceback (most recent call last):
    File "train_mim_langTracking.py", line 373, in <module>
    train_mdnet()
    File "train_mim_langTracking.py", line 180, in train_mdnet
    encoder_output, encoder_hidden = encoder(textEmbedding[ei], encoder_hidden.cuda())
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/modules/module.py", line 477, in __call__
    result = self.forward(*input, **kwargs)
    File "./modules/model.py", line 39, in forward
    output, hidden = self.gru(embedded, hidden)
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/modules/module.py", line 477, in __call__
    result = self.forward(*input, **kwargs)
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/modules/rnn.py", line 192, in forward
    output, hidden = func(input, self.all_weights, hx, batch_sizes)
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/_functions/rnn.py", line 324, in forward
    return func(input, *fargs, **fkwargs)
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/_functions/rnn.py", line 288, in forward
    dropout_ts)
    RuntimeError: CuDNN error: CUDNN_STATUS_SUCCESS

    A28:  h0, c0 = h0.cuda(), c0.cuda(), according to: https://discuss.pytorch.org/t/cuda-error-runtimeerror-cudnn-status-execution-failed/17625

     

    29. Deep copy with "clone" operation 

    A29: vis_feat = x.data.clone() 

     

    30. How to Train the Deep Network with Multi-GPU in one machine ? 

    A30: Here is a Code example from: https://www.jianshu.com/p/b366cad90a6c ( 但是这个代码不能直接跑,因为他只是一个案例,而且有语法错误之类的)。

    PyTorch 官方文档给出的接口代码 torch.nn.DataParallel 的解释如下:https://pytorch.org/docs/0.4.1/nn.html#dataparallel 

    >>> net = torch.nn.DataParallel(model, device_ids=[0, 1, 2])
    >>> output = net(input_var) 

    但是有时候想直接运行,还是不行的,比如我(T_T)。我定义的模型中包含了 RoI 的相关操作,该操作原本的调用方式是:

    align_h = model.roi_align_model.aligned_height 

    这个时候,必须改为: align_h = model.module.roi_align_model.aligned_height ,区别就是:中间加一个 module 作为过度才可以。

     

    另外一个 bug 是:原本可以正常执行的代码,加了并行化的模块后,不行了。比如:

    ==== Start Cycle 0 ====
    Traceback (most recent call last):
    File "train_lang_coAttention_MultiGPU_version.py", line 311, in <module>
    train_mdnet()
    File "train_lang_coAttention_MultiGPU_version.py", line 182, in train_mdnet
    cur_feat_map = model(cur_scene, language, k, out_layer='conv3')
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/modules/module.py", line 477, in __call__
    result = self.forward(*input, **kwargs)
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/parallel/data_parallel.py", line 123, in forward
    outputs = self.parallel_apply(replicas, inputs, kwargs)
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/parallel/data_parallel.py", line 133, in parallel_apply
    return parallel_apply(replicas, inputs, kwargs, self.device_ids[:len(replicas)])
    File "/usr/local/lib/python2.7/dist-packages/torch/nn/parallel/parallel_apply.py", line 77, in parallel_apply
    raise output
    TypeError: forward() takes at least 3 arguments (2 given)

    这里,提示我仅仅给了 2 个参数。但是不加这个模块,是可以正常运行的。这是不是说明了,某些 bug 的存在导致了该错误?那么,是什么 bug 呢???

     

    31. (pysot) wangxiao@wx:~/Downloads/pysot/experiments/siamrpn_mobilev2_l234_dwxcorr$ CUDA_LAUNCH_BLOCKING=1 python -u ../../tools/test.py --snapshot model.pth  --dataset VOT2018 --config config.yaml
    loading VOT2018: 100%|██████████████████████████████████| 60/60 [00:00<00:00, 66.26it/s, zebrafish1]
    THCudaCheck FAIL file=/opt/conda/conda-bld/pytorch_1535493744281/work/aten/src/THC/THCGeneral.cpp line=663 error=11 : invalid argument
    cudaCheckError() failed : an illegal memory access was encountered 

    A31. anybody know what happened? 

     

    32. 这个函数不能随便用:torch.nn.utils.clip_grad_norm_(model.parameters(), 0.25) 

    本来原本的代码中不带这句话,收敛的很正常。但是后来因为某些原因,我加上了这个。结果 loss 一直降不下来,维持在 200 左右,坑得很啊,然后我将其注释掉之后,重新跑,loss 分分钟下来了。

     

    Q33. Model transform from caffe to pytorch:

    A33. https://github.com/last-one/Pytorch_Realtime_Multi-Person_Pose_Estimation/tree/master/caffe2pytorch 

     

    import caffe
    from caffe.proto import caffe_pb2
    import torch
    import os
    import sys
    sys.path.append('..')
    import pose_estimation
    from utils import save_checkpoint as save_checkpoint
    
    def load_caffe_model(deploy_path, model_path):
    
        caffe.set_mode_cpu()
        net = caffe.Net(deploy_path, model_path, caffe.TEST)
    
        return net
    
    def load_pytorch_model():
        
        model = pose_estimation.PoseModel(num_point=19, num_vector=19, pretrained=True)
    
        return model
    
    def convert(caffe_net, pytorch_net):
    
        caffe_keys = caffe_net.params.keys()
        pytorch_keys = pytorch_net.state_dict().keys()
    
        length_caffe = len(caffe_keys)
        length_pytorch = len(pytorch_keys)
        dic = {}
        L1 = []
        L2 = []
        _1 = []
        _2 = []
        for i in range(length_caffe):
            if 'L1' in caffe_keys[i]:
                L1.append(caffe_keys[i])
                if '_1' in pytorch_keys[2 * i]:
                    _1.append(pytorch_keys[2 * i][:-7])
                else:
                    _2.append(pytorch_keys[2 * i][:-7])
            elif 'L2' in caffe_keys[i]:
                L2.append(caffe_keys[i])
                if '_1' in pytorch_keys[2 * i]:
                    _1.append(pytorch_keys[2 * i][:-7])
                else:
                    _2.append(pytorch_keys[2 * i][:-7])
            else:
                dic[caffe_keys[i]] = pytorch_keys[2 * i][:-7]
    
        for info in zip(L1, _1):
            dic[info[0]] = info[1]
        for info in zip(L2, _2):
            dic[info[0]] = info[1]
    
        model_dict = pytorch_net.state_dict()
        from collections import OrderedDict
        weights_load = OrderedDict()
        for key in dic:
            caffe_key = key
            pytorch_key = dic[key]
            weights_load[pytorch_key + '.weight'] = torch.from_numpy(caffe_net.params[caffe_key][0].data)
            weights_load[pytorch_key + '.bias'] = torch.from_numpy(caffe_net.params[caffe_key][1].data)
        model_dict.update(weights_load)
        pytorch_net.load_state_dict(model_dict)
        save_checkpoint({
            'iter': 0,
            'state_dict': pytorch_net.state_dict(),
            }, True, 'caffe_model_coco')
    
    if __name__ == '__main__':
    
        caffe_net = load_caffe_model('../caffe_model/coco/pose_deploy.prototxt', '../caffe_model/coco/pose_iter_440000.caffemodel')
        pytorch_net = load_pytorch_model()
    
        convert(caffe_net, pytorch_net)
    View Code

     

    Q34. SRU issue: ModuleNotFoundError: No Module named 'cuda_functional':

    A34.  pip install sru[cuda] will solve this problem.  

     

    Q35. Save only or load only part of pre-trained pyTorch model: 

    A35. https://github.com/agrimgupta92/sgan 

    # Save another checkpoint with model weights and
    # optimizer state
    checkpoint['g_state'] = generator.state_dict()
    checkpoint['g_optim_state'] = optimizer_g.state_dict()
    checkpoint['d_state'] = discriminator.state_dict()
    checkpoint['d_optim_state'] = optimizer_d.state_dict()
    checkpoint_path = os.path.join(args.output_dir, '%s_with_model.pt' % args.checkpoint_name)
    logger.info('Saving checkpoint to {}'.format(checkpoint_path))
    torch.save(checkpoint, checkpoint_path)
    logger.info('Done.')
    
    # Save a checkpoint with no model weights by making a shallow copy of the checkpoint excluding some items
    checkpoint_path = os.path.join(args.output_dir, '%s_no_model.pt' % args.checkpoint_name)
    logger.info('Saving checkpoint to {}'.format(checkpoint_path))
    key_blacklist = ['g_state', 'd_state', 'g_best_state', 'g_best_nl_state','g_optim_state', 'd_optim_state', 'd_best_state', 'd_best_nl_state']
    small_checkpoint = {}
    for k, v in checkpoint.items():
       if k not in key_blacklist:
           small_checkpoint[k] = v
    torch.save(small_checkpoint, checkpoint_path)
    logger.info('Done.')
    pretrained_dict=torch.load(model_weight)
    model_dict=myNet.state_dict()
    # 1. filter out unnecessary keys
    pretrained_dict = {k: v for k, v in pretrained_dict.items() if k in model_dict}
    # 2. overwrite entries in the existing state dict
    model_dict.update(pretrained_dict)
    myNet.load_state_dict(model_dict)
    ————————————————
    版权声明:本文为CSDN博主「lxx516」的原创文章,遵循 CC 4.0 BY-SA 版权协议,转载请附上原文出处链接及本声明。
    原文链接:https://blog.csdn.net/LXX516/article/details/80124768

     

    Q36.  在使用 PyTorch 训练的过程中,显存占用越来越大,最终导致 out-of-memory?

     

    A36. 导致这种情况的一个可能的原因是(我自己遇到的):在计算 total loss 的时候,不能直接相加。要用  .data[0] 将数据取出来,才可以。不然,pyTorch 会自动将该部分加入计算图,导致显存占用越来越多,最终爆掉了。

     

     

    Q37. *** RuntimeError: _sigmoid_forward_out is not implemented for type torch.cuda.LongTensor

    A37. So, how to transform the torch.cuda.LongTensor style into the torch.cuda.FloatTensor ?  Try this: 

    maxIoU = maxIoU.type(torch.cuda.FloatTensor)

     

    Q38.   File "training_demo.py", line 236, in <module>
       main(args)
     File "training_demo.py", line 218, in main
       L2_loss.backward()
     File "/home/wangxiao/anaconda2/envs/pygoturn/lib/python3.7/site-packages/torch/tensor.py", line 102, in backward
       torch.autograd.backward(self, gradient, retain_graph, create_graph)
     File "/home/wangxiao/anaconda2/envs/pygoturn/lib/python3.7/site-packages/torch/autograd/__init__.py", line 90, in backward
       allow_unreachable=True)  # allow_unreachable flag
    RuntimeError: element 0 of tensors does not require grad and does not have a grad_fn

    A38. First, you need to do: from torch.autograd import Variable, then, add this line before the backward function: 

    L2_loss = Variable(L2_loss, requires_grad = True) 

     

    Q39. ImportError: cannot import name 'imresize' from 'scipy.misc' (/home/wangxiao/anaconda3/envs/goturn2.0/lib/python3.7/site-packages/scipy/misc/__init__.py) 

    A39. https://stackoverflow.com/questions/48923151/importing-image-to-python-cannot-import-name-imread?noredirect=1&lq=1 

    pip install Pillow

    pip install scipy==1.1.0 

     

    Q40. ImportError: libcudart.so.10.1: cannot open shared object file: No such file or directory 

    A40. https://github.com/tensorflow/tensorflow/issues/26182 

    conda install cudatoolkit
    conda install cudnn 

    Q41. ImportError: ./modules/roi_align/roi_align_cuda.cpython-37m-x86_64-linux-gnu.so: undefined symbol: _ZN2at19UndefinedTensorImpl10_singletonE 

    A41. First, you need to remove the folder "build", generated from previous version. Then make this file again: 

    rm -rf build/ 

    python setup.py build_ext --inplace 

     

    Shit, aforementioned solutions can not handle the following issues: 

    ImportError: ./modules/roi_align/roi_align_cuda.cpython-37m-x86_64-linux-gnu.so: undefined symbol: _ZN3c105ErrorC1ENS_14SourceLocationERKSs. 

    Try this: conda install pytorch torchvision cudatoolkit=10.0 -c pytorch

     

    Q42. Segmentation fault (core dumped) 

    A42. This maybe caused by you forget to transform the data into GPU. Find the line the bug occurred, and do this: feature = feature.cuda() 

     

    Q43. Set edge color with PIL for visualization (RGB(0,153,255), #0099FF颜色查询): 

    A43. https://www.fontke.com/tool/rgb/0099ff/ 

     

    Q44. 

    /usr/lib/gcc/x86_64-linux-gnu/7/../../collect2: error: ld returned 1 exit status
    ../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFGetConfiguredCODECs@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_unparse@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetErrorHandler@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFGetSizeProc@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../Makefile:613: recipe for target '.build_release/examples/siamese/convert_mnist_siamese_data.bin' failed
    lib/make: *** [.build_release/examples/siamese/convert_mnist_siamese_data.bin] Error 1
    libgdal.so.20: undefined reference to `TIFFRewriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmalloc@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSetDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFReadScanline@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFNumberOfTiles@LIBTIFF_4.0'
    collect2: error: ld returned 1 exit status
    Makefile:613: recipe for target '.build_release/examples/mnist/convert_mnist_data.bin' failed
    make: *** [.build_release/examples/mnist/convert_mnist_data.bin] Error 1 

     

     

    CXX/LD -o .build_release/examples/cifar10/convert_cifar_data.bin
    CXX/LD -o .build_release/examples/mnist/convert_mnist_data.bin
    CXX/LD -o .build_release/examples/cpp_classification/classification.bin
    CXX/LD -o .build_release/examples/siamese/convert_mnist_siamese_data.bin
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBAStrip@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmemcpy@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFClientdata@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFrealloc@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmemset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFLastDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadRGBAStripExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteEncodedStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfShort@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFIsTiled@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsByteSwapped@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFlushData@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteCheck@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetWriteOffset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFDefaultStripSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFScanlineSize64@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libpoppler.so.73: undefined reference to `TIFFFdOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsBigEndian@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteScanline@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `_TIFFfree@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabShort@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFreeDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFGetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFNumberOfStrips@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteBufferSetup@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFScanlineSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteEncodedTile@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabLong@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFTileSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_generate@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBATile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFClose@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `TIFFClientOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFlush@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetTagExtender@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFRGBAImageOK@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_parse@UUID_1.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteRawStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFErrorExt@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetFieldDefaulted@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfLong@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFNumberOfDirectories@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFTileSize64@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteRawTile@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFStripSize64@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFCreateDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetSubDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFStripSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfDouble@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadRGBATileExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFUnlinkDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFUnsetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetField@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFMergeFieldInfo@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFCurrentDirOffset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsCODECConfigured@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFDataWidth@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetWarningHandler@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetConfiguredCODECs@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_unparse@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetErrorHandler@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetSizeProc@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFRewriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmalloc@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadScanline@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFNumberOfTiles@LIBTIFF_4.0'
    collect2: error: ld returned 1 exit status
    Makefile:608: recipe for target '.build_release/tools/upgrade_net_proto_text.bin' failed
    make: *** [.build_release/tools/upgrade_net_proto_text.bin] Error 1
    make: *** Waiting for unfinished jobs....
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBAStrip@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmemcpy@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFClientdata@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFrealloc@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmemset@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFLastDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFReadRGBAStripExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteEncodedStrip@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfShort@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFIsTiled@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFIsByteSwapped@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFFlushData@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteCheck@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSetWriteOffset@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFDefaultStripSize@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFScanlineSize64@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libpoppler.so.73: undefined reference to `TIFFFdOpen@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFIsBigEndian@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteScanline@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `_TIFFfree@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSwabShort@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFFreeDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFGetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFNumberOfStrips@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteBufferSetup@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFScanlineSize@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteEncodedTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSwabLong@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFTileSize@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_generate@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBATile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFClose@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `TIFFClientOpen@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFFlush@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSetTagExtender@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFRGBAImageOK@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_parse@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteRawStrip@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFErrorExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFGetFieldDefaulted@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfLong@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFNumberOfDirectories@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFTileSize64@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteRawTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFStripSize64@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFOpen@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFCreateDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSetSubDirectory@LIBTIFF_4.0'
    /usr/lib/gcc//x86_64-usrlinux-gnu/7//.lib.//../.gcc./x86_64-/linux-gnu/../x86_64.-.linux/-libgnu/libgdal.so.20: undefined/ 7reference/ to. .`/TIFFStripSize@LIBTIFF_4.0'
    /usr./lib/.gcc//.x86_64-linux-gnu/.7//x86_64../..-/linux.-gnu./x86_64-linux-gnu//libopencv_imgcodecs.so../../lib:/ libgdal.so.20undefined:  undefined referencereference to ` TIFFSwabArrayOfDouble@LIBTIFF_4.0'to
     /usr/lib/gcc/`x86_64-TIFFReadRGBAStriplinux-gnu/7@/../LIBTIFF_4.0../../x86_64-'linux-gnu/
    ././/..usr/lib//liblibgdal.so.20: undefined reference to/ `TIFFReadRGBATileExt@LIBTIFF_4.0x86_64'
    /usr-/lib/gcclinux/-x86_64gnu-linux-gnu//7/../../.libgeotiff.so.2./x86_64-:linux -gnuundefined/ libopencv_imgcodecs.soreference: undefined  reference toto  `TIFFReadEncodedStrip`@LIBTIFF_4.0'
    _TIFFmemcpy/@usrLIBTIFF_4.0/'lib
    //gcc/usrx86_64/-liblinux-gnu//7/../..gcc//../x86_64x86_64-linux--gnu/..linux/-.gnu./lib/libgdal.so.20:/ undefined7 /reference. .to/ ../`TIFFUnlinkDirectory@.LIBTIFF_4.0'
    /.usr/lib//x86_64gcc-/x86_64linux--linuxgnu-gnu/7/./.libopencv_imgcodecs.so/:. .undefined/ .reference. /tox86_64- linux-`gnuTIFFReadDirectory/@..LIBTIFF_4.0/'.
    ./lib//libgdal.so.20/:usr undefined reference /to lib`TIFFUnsetField@/LIBTIFF_4.0libgdal.so.20':
     /undefined referenceusr /libto/ gcc`TIFFClientdata/x86_64-linux@-LIBTIFF_4.0gnu'/7
    /..//..//../x86_64usr-/linuxlib-gnu/libopencv_imgcodecs.so: /undefined reference x86_64to `-TIFFSetField@LIBTIFF_4.0linux'
    /usr/lib/gcc/-x86_64-gnulinux/-libgeotiff.so.2gnu/7/../.:. /undefined. .reference/ x86_64to-linux-gnu/. ./..`_TIFFrealloc/lib/libgdal.so.20@:LIBTIFF_4.0 '
    undefined/ /referenceusr /tolib/ x86_64`-TIFFMergeFieldInfo@LIBTIFF_4.0linux'-
    gnu/usr//liblibgeotiff.so.2/gcc/x86_64-linux:- gnu/7/undefined../. .reference/ .to. `_TIFFmemset/x86_64-linux-@gnuLIBTIFF_4.0'/
    ..//../lib//libgdal.so.20: usrundefined/ referencelib to /`TIFFCurrentDirOffsetlibgdal.so.20@LIBTIFF_4.0'
    :/ usrundefined/ libreference/ gccto/ x86_64`-TIFFLastDirectorylinux@-LIBTIFF_4.0gnu'/
    7///.usr.//lib./.libgdal.so.20/:. .undefined/ x86_64reference- linuxto- gnu`/TIFFReadRGBAStripExt.@.LIBTIFF_4.0/'.
    .//usrlib//liblibgdal.so.20/:gcc /undefinedx86_64 -referencelinux -tognu /`TIFFIsCODECConfigured@LIBTIFF_4.0'
    /usr7//lib./.gcc//.x86_64.-/linux.-.gnu/x86_64-/linux7-/gnu../../..//x86_64libopencv_imgcodecs.so-linux-gnu:/ ../../undefinedlib /libgdal.so.20: undefinedreference reference to  to ``TIFFDataWidthTIFFWriteEncodedStrip@@LIBTIFF_4.0LIBTIFF_4.0''
    
    ///usr/lib/usrlibgdal.so.20/:lib /undefinedgcc /referencex86_64 -linux-tognu //`7TIFFSwabArrayOfShort/@.LIBTIFF_4.0usr.'/
    ./.usr//.lib.//gccx86_64/lib/x86_64--linux/linux-gcc-gnu/gnu//libopencv_imgcodecs.so7: x86_64/undefined- .linuxreference- .gnuto// .`.TIFFSetWarningHandler/@7.LIBTIFF_4.0'.
    ///usr./.libx86_64//-gcc.linux/.x86_64/--linuxgnu-/gnulibopencv_imgcodecs.so/.7:/. .undefined.//x86_64.- .referencelinux/ .-to. /`x86_64TIFFIsTiled-@gnulinuxLIBTIFF_4.0/-'gnu
    //./.usr//.lib.//libgdal.so.20lib:/ libgdal.so.20: libopencv_imgcodecs.soundefined reference to:  `undefinedTIFFGetConfiguredCODECs @referenceLIBTIFF_4.0 'to
     /`/usr/TIFFReadRGBAStriplib@/LIBTIFF_4.0x86_64'-
    linux/-/gnuusr//libgdcmMSFF.so.2.8lib:/ x86_64undefined- linuxreference- gnuto/ libgeotiff.so.2`:uuid_unparse @undefinedUUID_1.0 'reference
     /tousr /`lib_TIFFmemcpy/@gccLIBTIFF_4.0/'x86_64
    -/linuxusr-/gnulib//7gcc//.x86_64.-/linux.-.gnu//.7.//.x86_64.-/linux.-.gnu//.libopencv_imgcodecs.so.:/ x86_64undefined- linuxreference- gnuto/ libopencv_imgcodecs.so`:TIFFSetErrorHandler @undefinedLIBTIFF_4.0 'reference
     /tousr /`libTIFFReadDirectory/@gccLIBTIFF_4.0/'x86_64
    -/linux/-usrgnu//lib7//libgdal.so.20.:. /undefined. .reference/ .to. /`x86_64TIFFClientdata-@linuxLIBTIFF_4.0-'gnu
    //./.usr//.lib.//x86_64lib-/linuxlibgdal.so.20-:gnu /undefinedlibgeotiff.so.2 :reference  undefinedto  reference` TIFFGetSizeProcto@ LIBTIFF_4.0`'_TIFFrealloc
    @/LIBTIFF_4.0usr'/
    lib///gccusr//x86_64lib-/linuxx86_64--gnulinux/-7gnu//.libgeotiff.so.2.:/ .undefined. /reference. .to/ x86_64`-_TIFFmemsetlinux@-LIBTIFF_4.0gnu'/
    ././/usr./.lib//liblibgdal.so.20/:libgdal.so.20 :undefined  undefinedreference  referenceto  to` TIFFLastDirectory`@TIFFRewriteDirectoryLIBTIFF_4.0@'LIBTIFF_4.0
    '/
    //usr//usrlib//liblibgdal.so.20/:x86_64 -undefinedlinux -referencegnu /tolibgeotiff.so.2 :` TIFFReadRGBAStripExtundefined@ LIBTIFF_4.0reference' 
    to/ usr`/_TIFFmalloclib@/LIBTIFF_4.0gcc'/
    x86_64/-usrlinux/-libgnu//gcc7//x86_64.-.linux/-.gnu.//7./../.x86_64/-.linux.-/gnu././x86_64-libopencv_imgcodecs.solinux-:gnu /undefined .reference. /to. .`/TIFFWriteEncodedStriplib@/LIBTIFF_4.0libgdal.so.20':
     /undefined/ usrreference/ libto/ libgdal.so.20`:TIFFSetDirectory @undefinedLIBTIFF_4.0 'reference
     /tousr /`libTIFFSwabArrayOfShort/@gccLIBTIFF_4.0/'x86_64
    -/linuxusr-/gnulib/7/..//..gcc/./.x86_64/-x86_64linux--linuxgnu-/gnu7//....//....//lib./.libgdal.so.20/:x86_64 -undefinedlinux -referencegnu /tolibopencv_imgcodecs.so :` TIFFReadScanlineundefined@ LIBTIFF_4.0reference' 
    to/ usr/lib`/TIFFIsTiledgcc@/LIBTIFF_4.0x86_64'-
    linux/-/gnuusr//7lib//.libgdal.so.20.:/ .undefined. /reference. .to/ x86_64`-TIFFIsByteSwappedlinux@-LIBTIFF_4.0gnu'/
    ././/usr./.lib//liblibgdal.so.20/:libgdal.so.20 :undefined  undefinedreference  referenceto  to` TIFFFlushData`TIFFNumberOfTiles@@LIBTIFF_4.0LIBTIFF_4.0''
    
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteCheck@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetWriteOffset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference collect2: error: ld returned 1 exit status
    to `TIFFDefaultStripSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFScanlineSize64@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-undefined reference to `TIFFIsByteSwapped@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFlushData@LIBTIFF_4.0'
    //usr/libgnu/libpoppler.so.73: undefined reference to `TIFFFdOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsBigEndian@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteScanline@LIBTIFF_4.0'
    Makefile:613: recipe for target '.build_release/examples/cpp_classification/classification.bin' failed
    //usr/make: *** [.build_release/examples/cpp_classification/classification.bin] Error 1
    lib/libgdal.so.20: undefined reference to `_TIFFfree@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabShort@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFreeDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFGetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFNumberOfStrips@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteBufferSetup@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFScanlineSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteEncodedTile@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabLong@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFTileSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_generate@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBATile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFClose@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `TIFFClientOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFlush@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference /libgdal.so.20: undefined reference to `TIFFWriteCheck@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetWriteOffset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFDefaultStripSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFScanlineSize64@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libpoppler.so.73: undefined reference to `TIFFFdOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsBigEndian@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteScanline@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `_TIFFfree@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabShort@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFreeDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFGetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFNumberOfStrips@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteBufferSetup@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFScanlineSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteEncodedTile@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabLong@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFTileSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_generate@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBATile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFClose@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `TIFFClientOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFlush@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetTagExtender@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFRGBAImageOK@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_parse@UUID_1.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteRawStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFErrorExt@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetFieldDefaulted@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfLong@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFNumberOfDirectories@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFTileSize64@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteRawTile@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFStripSize64@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFCreateDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetSubDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFStripSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfDouble@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadRGBATileExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFUnlinkDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFUnsetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetField@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFMergeFieldInfo@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFCurrentDirOffset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsCODECConfigured@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFDataWidth@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetWarningHandler@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `to `TIFFSetTagExtender@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFRGBAImageOK@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_parse@UUID_1.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteRawStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFErrorExt@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetFieldDefaulted@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfLong@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFNumberOfDirectories@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFTileSize64@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteRawTile@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFStripSize64@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFCreateDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetSubDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFStripSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfDouble@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadRGBATileExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFUnlinkDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFUnsetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetField@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFMergeFieldInfo@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFCurrentDirOffset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsCODECConfigured@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFDataWidth@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetWarningHandler@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetConfiguredCODECs@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_unparse@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetErrorHandler@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetSizeProc@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFRewriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmalloc@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadScanline@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFNumberOfTiles@LIBTIFF_4.0'
    collect2: error: ld returned 1 exit status
    TIFFGetConfiguredCODECs@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_unparse@UUID_1.0'
    /usr/lib/gcc/x86_64Makefile:608: recipe for target '.build_release/tools/upgrade_solver_proto_text.bin' failed
    make: *** [.build_release/tools/upgrade_solver_proto_text.bin] Error 1
    -linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetErrorHandler@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetSizeProc@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFRewriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmalloc@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadScanline@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFNumberOfTiles@LIBTIFF_4.0'
    collect2: error: ld returned 1 exit status
    Makefile:608: recipe for target '.build_release/tools/upgrade_net_proto_binary.bin' failed
    make: *** [.build_release/tools/upgrade_net_proto_binary.bin] Error 1
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBAStrip@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmemcpy@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFClientdata@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFrealloc@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmemset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFLastDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadRGBAStripExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteEncodedStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfShort@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFIsTiled@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsByteSwapped@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFlushData@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteCheck@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetWriteOffset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFDefaultStripSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFScanlineSize64@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libpoppler.so.73: undefined reference to `TIFFFdOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsBigEndian@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteScanline@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `_TIFFfree@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabShort@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFreeDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFGetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFNumberOfStrips@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteBufferSetup@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFScanlineSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteEncodedTile@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabLong@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFTileSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_generate@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBATile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFClose@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `TIFFClientOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFFlush@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetTagExtender@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFRGBAImageOK@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_parse@UUID_1.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteRawStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFErrorExt@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetFieldDefaulted@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfLong@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFNumberOfDirectories@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFTileSize64@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFWriteRawTile@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFStripSize64@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFOpen@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFCreateDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetSubDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFStripSize@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfDouble@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadRGBATileExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedStrip@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFUnlinkDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFUnsetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetField@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFMergeFieldInfo@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFCurrentDirOffset@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFIsCODECConfigured@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFDataWidth@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetWarningHandler@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetConfiguredCODECs@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_unparse@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetErrorHandler@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFGetSizeProc@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFRewriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmalloc@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFSetDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFReadScanline@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to `TIFFNumberOfTiles@LIBTIFF_4.0'
    collect2: error: ld returned 1 exit status
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBAStrip@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmemcpy@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFClientdataMakefile:608: recipe for target '.build_release/tools/caffe.bin' failed
    @make: *** [.build_release/tools/caffe.bin] Error 1
    LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFrealloc@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmemset@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFLastDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFReadRGBAStripExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteEncodedStrip@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfShort@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFIsTiled@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFIsByteSwapped@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFFlushData@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteCheck@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSetWriteOffset@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFDefaultStripSize@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFScanlineSize64@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libpoppler.so.73: undefined reference to `TIFFFdOpen@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFIsBigEndian@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFWriteScanline@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `_TIFFfree@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSwabShort@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFFreeDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFGetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFNumberOfStrips@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteBufferSetup@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFScanlineSize@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteEncodedTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSwabLong@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFTileSize@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_generate@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBATile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFClose@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `TIFFClientOpen@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFFlush@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSetTagExtender@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFRGBAImageOK@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_parse@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteRawStrip@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFErrorExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFGetFieldDefaulted@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfLong@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFNumberOfDirectories@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFTileSize64@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFWriteRawTile@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFStripSize64@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFOpen@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFCreateDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSetSubDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFStripSize@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSwabArrayOfDouble@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFReadRGBATileExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadEncodedStrip@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFUnlinkDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFUnsetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetField@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFMergeFieldInfo@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFCurrentDirOffset@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFIsCODECConfigured@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFDataWidth@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetWarningHandler@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFGetConfiguredCODECs@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_unparse@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetErrorHandler@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFGetSizeProc@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFRewriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmalloc@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSetDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFReadScanline@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFNumberOfTiles@LIBTIFF_4.0'
    collect2: error: ld returned 1 exit status
    Makefile:613: recipe for target '.build_release/examples/cifar10/convert_cifar_data.bin' failed
    make: *** [.build_release/examples/cifar10/convert_cifar_data.bin] Error 1
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadRGBAStrip@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmemcpy@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFReadDirectory@LIBTIFF_4.0'
    //usr/lib/libgdal.so.20: undefined reference to /`usrTIFFClientdata/@libLIBTIFF_4.0/'gcc
    //x86_64/-usrlinux/-libgnu//x86_647-/linux.-.gnu//.libgeotiff.so.2.:/ .undefined. /referencex86_64 -tolinux -`gnu_TIFFrealloc/@libopencv_imgcodecs.soLIBTIFF_4.0:' 
    undefined/ /referenceusr /tolib /`x86_64TIFFReadRGBAStrip-@linuxLIBTIFF_4.0-'gnu
    //libgeotiff.so.2/:usr /undefinedlib /referencex86_64 -tolinux -`gnu_TIFFmemset/@libgeotiff.so.2LIBTIFF_4.0:' 
    undefined/ /referenceusr /tolib /`libgdal.so.20_TIFFmemcpy:@ LIBTIFF_4.0undefined' 
    reference/ usrto/ lib`/TIFFLastDirectorygcc@/LIBTIFF_4.0x86_64'-
    linux/-/gnuusr//7lib//.libgdal.so.20.:/ .undefined. /reference. .to/ x86_64`-TIFFReadRGBAStripExtlinux@-LIBTIFF_4.0gnu'/
    libopencv_imgcodecs.so/:usr /undefinedlib /referencegcc /tox86_64 -`linuxTIFFReadDirectory-@gnuLIBTIFF_4.0/'7
    //.usr.//lib./.gcc//.x86_64.-/linuxx86_64--gnulinux/-7gnu//.libopencv_imgcodecs.so.:/ .undefined. /reference. .to/ x86_64`-TIFFWriteEncodedStriplinux@-LIBTIFF_4.0gnu'/
    ././/usr./.lib//liblibgdal.so.20/:libgdal.so.20 :undefined  undefinedreference  referenceto  to` TIFFSwabArrayOfShort`@TIFFClientdataLIBTIFF_4.0@'LIBTIFF_4.0
    '/
    usr///libusr//gcclib//x86_64x86_64--linuxlinux--gnugnu//7libgeotiff.so.2/:. .undefined/ .reference. /to. .`/_TIFFreallocx86_64@-LIBTIFF_4.0linux'-
    gnu///libopencv_imgcodecs.sousr:/ libundefined/ x86_64reference- linuxto- gnu`/TIFFIsTiledlibgeotiff.so.2@:LIBTIFF_4.0 'undefined
     /reference/ usrto/ lib`/_TIFFmemsetlibgdal.so.20@:LIBTIFF_4.0 'undefined
     /referenceusr /tolib /`gccTIFFIsByteSwapped/@x86_64LIBTIFF_4.0-'linux
    -/gnu//usr7//lib./.libgdal.so.20/:. .undefined/ .reference. /tox86_64 -`linuxTIFFFlushData-@gnuLIBTIFF_4.0/'.
    .///.usr.//liblib//libgdal.so.20libgdal.so.20::  undefinedundefined  referencereference  toto  ``TIFFWriteCheckTIFFLastDirectory@@LIBTIFF_4.0LIBTIFF_4.0''
    
    ///usrusr//liblib//gcclibgdal.so.20/:x86_64 -undefinedlinux -referencegnu /to7 /`.TIFFSetWriteOffset.@/LIBTIFF_4.0.'.
    //./.usr//x86_64lib-/linuxlibgdal.so.20-:gnu /undefined. .reference/ .to. /`libTIFFDefaultStripSize/@libgdal.so.20LIBTIFF_4.0:' 
    undefined/ /referenceusr /tolib /`libgdal.so.20TIFFReadRGBAStripExt:@ LIBTIFF_4.0undefined' 
    reference/ usrto/ lib`/TIFFScanlineSize64gcc@/LIBTIFF_4.0x86_64'-
    linux/-/gnuusr//7lib//.x86_64.-/linux.-.gnu//.libpoppler.so.73.:/ x86_64undefined- linuxreference- gnuto/ libopencv_imgcodecs.so`:TIFFFdOpen @undefinedLIBTIFF_4.0 'reference
     /to/ usr`/TIFFWriteEncodedStriplib@/LIBTIFF_4.0libgdal.so.20':
     /undefinedusr /referencelib /togcc /`x86_64TIFFIsBigEndian-@linuxLIBTIFF_4.0-'gnu
    //7usr//.lib.//gcc./.x86_64/-.linux.-/gnux86_64/-7linux/-.gnu.//....//....//libx86_64/-libgdal.so.20linux:- gnuundefined/ libopencv_imgcodecs.soreference:  toundefined  `referenceTIFFSwabArrayOfShort @toLIBTIFF_4.0 '`
    TIFFWriteScanline/@usrLIBTIFF_4.0/'lib
    //gcc//usrx86_64/-liblinux/-libgdal.so.20gnu:/ 7undefined/ .reference. /to. .`/_TIFFfree.@.LIBTIFF_4.0/'x86_64
    -/linux/-usrgnu//liblibopencv_imgcodecs.so/:libgdal.so.20 :undefined  undefinedreference  referenceto  to` TIFFIsTiled`@TIFFSwabShortLIBTIFF_4.0@'LIBTIFF_4.0/
    '/usr
    usr///lib/lib/usr/gccgcc///libx86_64x86_64/--libgdal.so.20linuxlinux:-- gnugnuundefined// 77reference// ..to.. //`..TIFFFreeDirectory..@//LIBTIFF_4.0..'..
    ///x86_64x86_64usr--/linuxlinuxlib--/gnugnugcc///libopencv_imgcodecs.so.x86_64:.- /linuxundefined.-. gnu/reference/lib 7//tolibgdal.so.20. :.` /TIFFReadRGBAStripundefined.@ .LIBTIFF_4.0reference/' .
    to./ /`x86_64/TIFFIsByteSwapped-usr@/linuxLIBTIFF_4.0lib-'/gnu
    x86_64//-libopencv_imgcodecs.sousrlinux:/- libgnuundefined// gcclibgeotiff.so.2reference:/  x86_64undefinedto-  linuxreference`- TIFFGetFieldgnuto@/ LIBTIFF_4.07`'/_TIFFmemcpy
    .@/.LIBTIFF_4.0usr/'/.
    lib.///usrgcc.//.libx86_64//-x86_64gcclinux-/-linuxx86_64gnu--/gnulinux7/-/.gnu.././7/./...././lib/./..libgdal.so.20./:/x86_64 .-undefined.linux /reference-x86_64 gnu-to/linux libopencv_imgcodecs.so-`:gnuTIFFFlushData /@undefinedlibopencv_imgcodecs.soLIBTIFF_4.0 :'reference  
    undefinedto/  usrreference`/ TIFFNumberOfStripslibto@/ LIBTIFF_4.0gcc`/'TIFFReadDirectoryx86_64
    @-/linuxLIBTIFF_4.0/-'usrgnu/
    /lib/7/usr/libgdal.so.20/.:lib. //undefinedgcc. /.referencex86_64/ -.tolinux. -/`x86_64gnuTIFFWriteBufferSetup-/@linux7LIBTIFF_4.0-/gnu'/.
    .././usr/../..lib///.libgcc.///libgdal.so.20x86_64x86_64:--linux linux-undefinedgnu- /referencegnu7 //to.. ..`/TIFFWriteCheck/.@..LIBTIFF_4.0.'//
    .lib/./usr/libgdal.so.20//x86_64:lib-usr /linuxgcc/undefined-/lib gnux86_64/-reference/gcclinux libopencv_imgcodecs.so/-to:x86_64gnu  -/`7undefinedlinuxTIFFClientdata/ -@.referencegnuLIBTIFF_4.0. /'/to7
    . //.`.//TIFFScanlineSize.@usr./LIBTIFF_4.0/../'lib./x86_64x86_64
    -/-/linux.linux/-.gnu-usr///gnulibgeotiff.so.2x86_64:lib/-. /linux.undefinedlibgdal.so.20-/ :gnu .reference/undefined. libopencv_imgcodecs.so /to: referencelib ` /undefined_TIFFrealloctolibgdal.so.20 @ :referenceLIBTIFF_4.0`  'TIFFWriteEncodedTileundefinedto
    @/  LIBTIFF_4.0/reference`'usr TIFFReadRGBAStrip
    /to@/lib LIBTIFF_4.0//`'usrx86_64TIFFSetWriteOffset
    /-lib@/linux/LIBTIFF_4.0/-libgdal.so.20gnu'usr:/
    / liblibgeotiff.so.2/undefined/:usr /x86_64 referencelib-undefined /linux toreferencegcc-  /tognu`x86_64 /TIFFSwabLong-@`libgeotiff.so.2linuxLIBTIFF_4.0_TIFFmemset:-'@ gnu
    LIBTIFF_4.0undefined//' 7/
    reference/usr/ ./usrto.lib/ //lib`/.libgdal.so.20_TIFFmemcpygcc.:@// LIBTIFF_4.0x86_64.undefined'-. 
    linux/reference/-x86_64 usrgnu-/to/linux7 /lib-`./gnuTIFFTileSize.gcc/@//.LIBTIFF_4.0.x86_64.'.-/
    /linux./.-./.usrgnu////liblibx86_647//-/libgdal.so.20libgdal.so.20linux.::-.  undefinedgnu/undefined /. reference..reference ./ to/.to .. `./`TIFFWriteDirectory/x86_64TIFFDefaultStripSize@lib-@LIBTIFF_4.0/linuxLIBTIFF_4.0'libgdal.so.20-'
    :gnu
    / ///undefinedlibopencv_imgcodecs.sousrusr :reference/ / libtolibundefined/ / gcc`x86_64reference/TIFFLastDirectory- x86_64@linuxto-LIBTIFF_4.0- linux'gnu`-
    //TIFFReadDirectorygnulibgdcmMSFF.so.2.8usr@//:LIBTIFF_4.0 lib7'undefined//
     gcc./reference/./ x86_64/usr.to-/. linuxlib/`-/.uuid_generategnulibgdal.so.20.@/:7/UUID_1.0 /x86_64.'undefined
    -/. linuxusr/reference-/. gnulib.to/// .`gcc..TIFFClientdata/.x86_64/@/-/.LIBTIFF_4.0.x86_64linuxusr-'/-/gnulib/
    liblinux/-7//gccgnu//libgdal.so.20//.usr.:x86_64.// -.lib.undefinedlinux//. -.x86_64/referencegnu.-. //linux.to7 lib-//`/gnux86_64.-TIFFScanlineSize64libgdal.so.20/.linux@:libgeotiff.so.2/-LIBTIFF_4.0 :.gnu'undefined .//
     undefinedlibopencv_imgcodecs.so./reference :./ reference /usrto undefinedx86_64/ to -lib` referencelinux/TIFFReadRGBAStripExt` -tognux86_64@_TIFFrealloc @/-LIBTIFF_4.0`LIBTIFF_4.0libopencv_imgcodecs.solinux'TIFFReadEncodedTile':-
    @
    gnu/LIBTIFF_4.0//usr'/libpoppler.so.73/
    usr/:lib//usrgcc lib//undefined/libx86_64 x86_64/-gccreference-linux/ linux-x86_64to-gnu- gnu/linux`/7-TIFFFdOpenlibgeotiff.so.2/gnu@:./LIBTIFF_4.0 .7'undefined/
     ./reference.usr/ //.to.lib. /./`./gcc_TIFFmemset.x86_64/-@/x86_64linuxLIBTIFF_4.0.--'.linuxgnu
    /-//x86_64gnulibopencv_imgcodecs.so/:-/usr linux7/undefined-/lib gnu./reference/.libgdal.so.20 libopencv_imgcodecs.so/:to:.   .undefined`undefined/ TIFFWriteEncodedStrip .referencereference@.  LIBTIFF_4.0/toto'x86_64  
    -``/linuxTIFFReadRGBATileTIFFLastDirectoryusr-@ @/gnuLIBTIFF_4.0undefinedLIBTIFF_4.0lib/' '/.gcc
    reference
    .// usrto//x86_64/ lib`/.-/gcc/x86_64-linux-gnu/7/..TIFFReadRGBAStrip@usrLIBTIFF_4.0'./
    linux/lib//lib-///.gnulibgdal.so.20usrlibgdal.so.20./:/:/7 lib ./undefined/undefined.. x86_64 /.reference-referencex86_64/ linux -.linuxto-to.- gnu /gnu`/`./TIFFReadRGBAStripExtlibgeotiff.so.2TIFFIsBigEndian.libopencv_imgcodecs.so@:: @/LIBTIFF_4.0 undefinedundefinedLIBTIFF_4.0x86_64'-  '
    linuxreferencereference 
    /- to/usrgnuto usr// `/lib.`TIFFCloselib/._TIFFmemcpy@@/LIBTIFF_4.0gcc/LIBTIFF_4.0gcc'/.'/
    x86_64.
    x86_64/-//-usrlinuxlib/linux/-/usr-libgnulibgdal.so.20/gnu//:lib/gcc7 /7x86_64//undefined/-x86_64. .linux--linux.reference.gnu-/ //gnu.to.libgeotiff.so.2/. .:7/`/ /.TIFFSwabArrayOfShort.undefined..@. ./LIBTIFF_4.0/reference/x86_64'x86_64 .-
    -/to.linuxlinuxusr /--/`.gnugnulibTIFFClientOpen.@//libopencv_imgcodecs.so//LIBTIFF_4.0libopencv_imgcodecs.so:gccx86_64/': -x86_64
     undefinedlinux-/undefined -linux/ referencegnu-usrreference /gnu/ tolibopencv_imgcodecs.so/lib7to :// ` libgdal.so.20.:`TIFFWriteEncodedStripundefined. TIFFWriteScanline@ /undefined@LIBTIFF_4.0reference. LIBTIFF_4.0' .reference'
    to/ 
    / .to//`. usrusrTIFFReadDirectory/`//@x86_64TIFFFlushliblibLIBTIFF_4.0-@//'linuxLIBTIFF_4.0-gcclibgdal.so.20
    'gnu/:/
    /x86_64 //usrlibopencv_imgcodecs.so-undefined//:linux usrlib/ -reference/libundefinedgnu libgdal.so.20/: /tolibgdal.so.20 :reference7 undefined  /` undefinedto.TIFFSwabArrayOfShortreference  .`@ referenceto/TIFFIsTiledLIBTIFF_4.0  to.@'` .LIBTIFF_4.0
    TIFFClientdata`@/'/TIFFSetTagExtenderLIBTIFF_4.0.
    usr@'.//LIBTIFF_4.0
    /usrlib'/x86_64//
    /-libgcc/usrlinux//usr/-gccx86_64/liblib/gnu/-/x86_64/x86_64linuxgcc-.--/linux.linuxgnux86_64--/-/gnulinux.-gnu7/.gnu//libgeotiff.so.2//7.:lib7/. //./undefinedlibgdal.so.20... :./.reference /./ undefined...to ./. reference/./` ..x86_64_TIFFreallocto./-@ /x86_64linuxLIBTIFF_4.0`x86_64--'_TIFFfree-linuxgnu
    @linux-//LIBTIFF_4.0-gnulibopencv_imgcodecs.so/'gnu/:usr
    /. //libopencv_imgcodecs.so.undefinedlibusr:/ // .referencex86_64libundefined. -/ /tolinuxgccreferencelib -/ /`gnux86_64tolibgdal.so.20TIFFIsTiled/- :@libgeotiff.so.2linux` LIBTIFF_4.0:-TIFFRGBAImageOKundefined' gnuundefined@  
    /LIBTIFF_4.0referencereference/7'  toto//
      usr./``/./_TIFFmemsetusrTIFFIsByteSwappedlib/@/@lib/.LIBTIFF_4.0LIBTIFF_4.0/libgdal.so.20.''x86_64:/
    
    -/ ./linuxusrundefined./-usr/ /gnu/libreferencex86_64/lib// -libgdcmMSFF.so.2.8gcclibgdal.so.20tolinux:/: - x86_64undefined `gnu- undefinedTIFFIsByteSwapped/linuxreference @.- referenceLIBTIFF_4.0.gnuto 'to// 
     .7`/uuid_parse`@.//TIFFLastDirectoryUUID_1.0/.usr@'lib./LIBTIFF_4.0
    //lib'/libgdal.so.20./.
    /:libgdal.so.20//usr :.//undefined .usrlib undefined///libreference x86_64libgdal.so.20/: reference-libgdal.so.20 to linux:undefined to-  ` gnuundefinedreferenceTIFFSwabShort`/  @TIFFFlushData.referencetoLIBTIFF_4.0@.  'LIBTIFF_4.0/to` 
    '.TIFFWriteRawStrip`@/
    .TIFFReadRGBAStripExtLIBTIFF_4.0usr//@'LIBTIFF_4.0//lib
    'libusr//libgdal.so.20
    ///:/gcclibusr usr///undefined/x86_64libgdal.so.20lib lib-:/referencelibgdal.so.20/linux  :gcc-undefinedto /gnu  undefined`x86_64/reference TIFFFlushData-7linux reference@/-to LIBTIFF_4.0.gnu to'./` 
    /7TIFFWriteCheck`/./@TIFFErrorExtusr..LIBTIFF_4.0@'//.LIBTIFF_4.0
    lib./'.
    //..//gcc//usr//x86_64./usrx86_64-.lib/-linux//liblinux-x86_64libgdal.so.20/-gnu-:libgdal.so.20gnu/linux :/.-undefined 7.gnu undefined///reference .reference.libopencv_imgcodecs.so . .:to/to/  undefined. lib` .`/TIFFSetWriteOffsetreference/TIFFGetFieldDefaultedlibgdal.so.20@ .@:LIBTIFF_4.0to.LIBTIFF_4.0 ' /'undefined
    `x86_64
     /TIFFWriteEncodedStrip-/reference/@linux/ usrLIBTIFF_4.0-usrto/'gnu/ liblib
    /`///.TIFFFreeDirectorylibgdal.so.20libgdal.so.20/.@::usr/LIBTIFF_4.0  /.'undefinedundefinedlib.
      //libgdal.so.20/referencereferencelib:usr  / /totolibgdal.so.20undefinedlib  : /`` referencegccTIFFSwabArrayOfLongTIFFDefaultStripSizeundefined /@@ tox86_64LIBTIFF_4.0LIBTIFF_4.0reference -'' `linux
    
    toTIFFSwabArrayOfShort-// @gnu//`LIBTIFF_4.0/usrusrTIFFWriteCheck'7//@
    /liblib/LIBTIFF_4.0/./libgdal.so.20'usr.libgdal.so.20:
    //: /lib. undefinedusr/.undefined /gcclib/ reference//.reference x86_64togcc. - //tolinux`x86_64TIFFNumberOfDirectoriesx86_64 --@-`gnulinuxLIBTIFF_4.0linuxTIFFScanlineSize64/-7'/
    .-.@gnu/gnu/LIBTIFF_4.0///usr./'7libopencv_imgcodecs.so.lib/
    /:/./. libgdal.so.20.:/.undefined/ usr/ x86_64undefined/.reference- lib. linuxreference//to- x86_64. gnuto-.`/ libopencv_imgcodecs.solinux/TIFFGetField`:-x86_64@TIFFTileSize64 gnu-LIBTIFF_4.0@undefined/linux'LIBTIFF_4.0 libpoppler.so.73-
    'reference:gnu/
      /usr/toundefined.//  .libusr`reference///TIFFIsTiledlib@ LIBTIFF_4.0.gcc/to'./libgdal.so.20 
    /x86_64:`/lib- TIFFFdOpen//linuxundefined@usrlibgdal.so.20- LIBTIFF_4.0/:gnureference'lib / 
    /undefined7to/libgdal.so.20 / /`usr:reference.TIFFWriteRawTile/  .@libundefinedto/LIBTIFF_4.0/  .'libgdal.so.20reference`.
    : TIFFSetWriteOffset/@/ to.LIBTIFF_4.0/undefined .'usr `/
    /referencelibTIFFIsByteSwappedx86_64/ /@-LIBTIFF_4.0usrtolibgdal.so.20linux'/ :-
    lib` gnu//TIFFIsBigEndianundefined//gcc@ libopencv_imgcodecs.sousr/LIBTIFF_4.0reference:/x86_64'  lib-
    toundefined/linux/  libgdal.so.20-usr`reference:gnu/TIFFStripSize64  /lib@toLIBTIFF_4.0undefined7/ ' /referencegcc`
    . /TIFFNumberOfStrips/.tox86_64@usr/ -LIBTIFF_4.0/.`linuxTIFFFlushData'lib.-@
    //gnuLIBTIFF_4.0/gcc./'usr/.x86_64/7
    /-x86_64//liblinux--.//usrlinuxgnu.gcc/-lib///gnu/7.x86_64/libgdal.so.20/.-.:./linux. ..-/undefined/ .gnu..reference.//. /x86_647/to.-/lib .linux./`/-.libgdal.so.20TIFFWriteCheckx86_64gnu/:@-/linux. LIBTIFF_4.0undefinedlibopencv_imgcodecs.so-.' :gnu/
    reference /./ undefinedlibopencv_imgcodecs.so./to :/usr reference x86_64/` undefined-libTIFFDefaultStripSizeto linux/@libgdal.so.20 reference-LIBTIFF_4.0:` gnuto' TIFFWriteScanline/ 
    undefined@.`/ LIBTIFF_4.0.TIFFOpenusrreference'/@/ 
    .LIBTIFF_4.0libto/.'/ gcc///
    `usrTIFFSetWriteOffsetx86_64lib//@-//libLIBTIFF_4.0linuxlibgdal.so.20usr/'-:/libgdal.so.20
    gnu /lib:/undefined7/ libgdal.so.20/ /undefined:usr reference. /undefined .referencelib /to/ referencelibgdal.so.20 .to :`. to TIFFWriteBufferSetup/` undefined`@._TIFFfree TIFFCreateDirectoryLIBTIFF_4.0.@referenceLIBTIFF_4.0@'/ 'LIBTIFF_4.0
    x86_64to
    '/- /
    usr/linux`///-usrgnuTIFFDefaultStripSizeusrlib//@/LIBTIFF_4.0/'lib.libgcc
    //.//libgdal.so.20//libgdal.so.20x86_64:usr.:- /undefined. linuxlib /referenceundefined-/lib  gnulibgdal.so.20/toreference/:libgdal.so.20  7 :` to/undefinedTIFFSetSubDirectoryundefined . @ `.referenceLIBTIFF_4.0referenceTIFFSwabShort/ ' @.to
    toLIBTIFF_4.0. / '/`/`
    .TIFFScanlineSize64usrTIFFScanlineSize64/.@/@//LIBTIFF_4.0libLIBTIFF_4.0usrx86_64'/'/-
    libgdal.so.20/
    liblinux://usr/- //libgdal.so.20gnuundefinedusrlib:/ // libopencv_imgcodecs.soreferencelibx86_64undefined: /-  tox86_64linuxreferenceundefined --  `linuxgnutoreferenceTIFFStripSize-/  @gnulibpoppler.so.73`toLIBTIFF_4.0/:TIFFFreeDirectory 'libpoppler.so.73 @undefined`
    :LIBTIFF_4.0 TIFFScanlineSize/ 'reference@/undefined
     LIBTIFF_4.0usr /to'/referenceusr 
    lib /`//tolibTIFFFdOpenusrlibgdal.so.20 /@/:`gccLIBTIFF_4.0lib TIFFFdOpen/'/undefined@x86_64
    gcc LIBTIFF_4.0-//reference'linux/x86_64 
    -usr-to/ gnu/linuxusr`/lib-/TIFFSwabArrayOfDouble7/gnulib@/LIBTIFF_4.0/libgdal.so.20/gcc'.:7/
    ./ /undefinedx86_64//.usr. -.//libreferencelinux../ libgdal.so.20-/.to:gnu./  `/..undefinedTIFFIsBigEndian7/. @reference/x86_64/LIBTIFF_4.0 .-x86_64'to
    .linux- /`/-linuxusrTIFFReadRGBATileExt.gnu-/@./gnulibLIBTIFF_4.0/libopencv_imgcodecs.so//'.:.gcc
    . .///undefined/x86_64usrx86_64 .-/-reference.linuxlib-linux //gnu-tolibgcc/gnu7 ////`libgdal.so.20x86_64..TIFFGetField:-.linux.-@ //gnuLIBTIFF_4.0undefined../' ..7
    reference///./ lib./.usrto.libgdal.so.20// /:x86_64lib`. -/TIFFWriteEncodedTile.undefinedlinuxgcc@/ -/LIBTIFF_4.0.referencegnux86_64'. /-
    /tox86_64libopencv_imgcodecs.solinux/ -:-usr`linux gnuundefined/TIFFIsBigEndian-/ libreference@gnu7/ LIBTIFF_4.0//gccto'libopencv_imgcodecs.so./ 
    :.x86_64`/ /-TIFFWriteScanlineusrundefined.linux@/ .-LIBTIFF_4.0libreference/gnu'/ ./
    gccto.7// ///x86_64`x86_64TIFFReadEncodedStrip.usr--@.LIBTIFF_4.0/linuxlinux/'lib--.
    /gnugnu./libgdal.so.20////:usr 7libopencv_imgcodecs.so./undefined/:.lib . //reference.undefinedx86_64libgdal.so.20 / -:to.referencelinux  . -undefined` /tognu_TIFFfreereference. /@ LIBTIFF_4.0.`.to'/TIFFNumberOfStrips. 
    x86_64@/`/-LIBTIFF_4.0.TIFFUnlinkDirectory/linux'.@usrLIBTIFF_4.0-
    //'gnu/liblib
    /////libopencv_imgcodecs.sousrlibgdal.so.20libgdal.so.20/:/::usr  libundefined /undefined/ undefinedlib /libgdal.so.20reference referencelibgdal.so.20: referenceto  :  to` undefinedto TIFFWriteScanlineundefined  `@TIFFSwabShort reference`LIBTIFF_4.0@reference TIFFSwabLong'LIBTIFF_4.0
     to@'/to LIBTIFF_4.0
    usr `'//`TIFFWriteBufferSetup
    /libTIFFUnsetField@/usr/@LIBTIFF_4.0usr/gccLIBTIFF_4.0'/lib/'
    lib/x86_64
    //usr/libgdal.so.20-usr/gcc:linux/liblib/ -//x86_64undefinedgnugccgcc- /reference//linux7 x86_64x86_64-/to--gnu. linuxlinux/.`--7/TIFFFreeDirectorygnugnu/.@//..LIBTIFF_4.077./'///.
    ../../.x86_64.-.usr//linux//..-.lib..gnu./////.x86_64gcc...-/.x86_64./linux./-/-.x86_64/linuxx86_64gnu-lib--/linux/gnulinux.-libgdal.so.20/-.gnu:7gnu// //.libopencv_imgcodecs.soundefined.libopencv_imgcodecs.so.: .:// reference .libundefined undefined./ to /libgdal.so.20reference reference. : `.to to_TIFFfree/ undefined @x86_64`- `LIBTIFF_4.0TIFFSetFieldlinuxreferenceTIFFScanlineSize'@- gnu@
    LIBTIFF_4.0to/LIBTIFF_4.0/' libopencv_imgcodecs.so'usr
    `:
    //TIFFTileSize /lib/@undefined//usrLIBTIFF_4.0 usrgcc/'reference//lib
     libx86_64//to/-libgdal.so.20linuxusr libgdal.so.20:-/`:TIFFGetField @gnulib undefinedLIBTIFF_4.0 //undefined'reference
    7gcc  /to//referenceusr /.x86_64 `lib.-toTIFFMergeFieldInfo/@/linux gccLIBTIFF_4.0.-`/'.
    gnu/TIFFWriteEncodedTilex86_64///@-.7usrLIBTIFF_4.0linux.//'-/.lib
    gnux86_64.///-/libgdal.so.20/7linux.:usr/-. /undefinedlib.gnu/ /./.referencelibgdal.so.20/.. :../to ./x86_64 undefined/.-` ..linuxTIFFCurrentDirOffsetreference./-@ /libgnuLIBTIFF_4.0tox86_64//' -libgdal.so.20.
    `linux:./TIFFSwabLong- //@gnuundefined.usrLIBTIFF_4.0/ ./'libopencv_imgcodecs.soreference/lib
    : lib// to/libgdal.so.20/undefined libgdal.so.20:usr `: /undefinedreferenceTIFFSwabShort lib  @undefined/referencetoLIBTIFF_4.0 libgdal.so.20  'reference:to` 
      TIFFNumberOfStrips`/toundefined@TIFFIsCODECConfiguredusr  LIBTIFF_4.0@'/`referenceLIBTIFF_4.0
    libTIFFWriteDirectory '//@to
    //gccLIBTIFF_4.0 usr//'`/usrlib/x86_64
    TIFFTileSize/lib-/@libgdal.so.20/linux/LIBTIFF_4.0:libgdal.so.20-usr' :gnu/
    undefined  /lib/undefinedreference7//  /x86_64usrreferenceto .-/ to.linuxlib` TIFFWriteBufferSetup/-/`@.gnulibgdal.so.20TIFFDataWidthLIBTIFF_4.0./:@'LIBTIFF_4.0/ libgdcmMSFF.so.2.8
    '.undefined:/
    .  usr///referenceundefinedusrlibx86_64  //lib-tolinuxreferencegcc/ - /gcc`gnuto/x86_64/TIFFWriteDirectory .-x86_64@`.linux-LIBTIFF_4.0uuid_generate/-linuxgnu-'@./gnu
    UUID_1.0.7//7'////
    lib.usr.//./.usrlibgdal.so.20/lib//:./.lib. .x86_64//undefined/-gcc. .referencelinux/.. -x86_64//tognu-x86_64x86_64 /linux--`libgdcmMSFF.so.2.8-linuxlinux-TIFFFreeDirectory:gnu-gnugnu@ ///LIBTIFF_4.0undefined7libopencv_imgcodecs.solibopencv_imgcodecs.so' 
    /::reference/.   usr.undefinedundefinedto//   lib.referencereference  `/.totouuid_generategcc/  `@/.`TIFFSetWarningHandlerUUID_1.0x86_64.TIFFScanlineSize@@'-/LIBTIFF_4.0LIBTIFF_4.0
    linuxx86_64''/--
    
    usrgnulinux////-7//libusrgnu/usr///./gccliblibopencv_imgcodecs.so.lib//://x86_64libgdal.so.20 .libgdal.so.20-:undefined.:linux  / -undefinedreference.undefinedgnu  . /referenceto/reference7  x86_64 /to`-tolinux. TIFFReadEncodedTile -.`@`gnu/TIFFWriteEncodedTileLIBTIFF_4.0TIFFGetConfiguredCODECs/.@'@libopencv_imgcodecs.so.LIBTIFF_4.0
    LIBTIFF_4.0:/'/' .
    usr
    undefined./// //lib/referencex86_64usr/usr -/gcc/tolinuxlib/lib -/x86_64/`gnulibgdal.so.20-x86_64TIFFGetField/:linux-@libopencv_imgcodecs.so -linuxLIBTIFF_4.0:undefinedgnu-'  /gnu
    undefinedreference7//  /tolibgdcmMSFF.so.2.8usrreference. :/ .` libto/TIFFSwabLongundefined@/ . LIBTIFF_4.0gcc`.TIFFReadEncodedTilereference'//@ 
    x86_64.LIBTIFF_4.0to/-.' /linux/
    `usr-x86_64gnu/uuid_unparse/@-/usrlibUUID_1.0/'linux7/libgdal.so.20
    :-/lib/ usrundefinedgnu.// /.libopencv_imgcodecs.sogcclibreference/:// .to x86_64gcc. undefined-//` TIFFTileSizelinuxx86_64.reference@--. LIBTIFF_4.0gnulinux/to'/-x86_64 
    7gnu-`///linuxTIFFReadRGBATile/.7-@usr./gnuLIBTIFF_4.0//./'lib..libopencv_imgcodecs.so
    /./:/libgdal.so.20/. usr:..undefined/ ./ libundefined/.reference/ x86_64. gccreference- /toto/ linuxx86_64 -x86_64`-`linux-TIFFNumberOfStripsgnuTIFFWriteDirectory-linux@/@gnu-LIBTIFF_4.0libopencv_imgcodecs.soLIBTIFF_4.0/gnulibopencv_imgcodecs.so':'/:
     
    7 /undefinedundefined//usr  /./referencereferenceusr.lib  ///totolib.gcc  /./`x86_64`-x86_64/TIFFSetErrorHandlerTIFFReadRGBATilelinux-.linux@@-.-LIBTIFF_4.0LIBTIFF_4.0gnu/gnu'/
    '/x86_64libgdcmMSFF.so.2.8/
    7-:///linux usrusr.-undefined//.gnu liblib//reference/ /.libopencv_imgcodecs.solibgdal.so.20to:gcc.:  // `undefinedx86_64.undefineduuid_generate -reference. @linux /referenceUUID_1.0-tox86_64 'gnu -to
    /`linux /7TIFFGetSizeProc-`usrTIFFClose/@gnuLIBTIFF_4.0/@./'libLIBTIFF_4.0..
    /'/./gcc
    .////..usrx86_64//./-libusr./linux//.lib-libgdal.so.20gnulib//://x86_64libgdal.so.20 7undefinedx86_64-:/ .reference-linux .undefined linux-/ to-gnu.reference gnu`/. /TIFFRewriteDirectorylibopencv_imgcodecs.so/tolibgeotiff.so.2@:. .:/LIBTIFF_4.0x86_64' ` TIFFWriteBufferSetup-
    undefinedundefined@linux/  LIBTIFF_4.0-/referencereference'gnuusr/  
    /libopencv_imgcodecs.sototo/lib:/   usrx86_64undefined``/- linuxTIFFCloseTIFFClientOpenlibreference/-@@ gccgnuLIBTIFF_4.0LIBTIFF_4.0to//'' x86_64libgeotiff.so.2
    
    `-://TIFFReadEncodedTilelinux /usr@-undefinedusr/LIBTIFF_4.0gnu /lib'/referencelib/
    7 /togcc//usrx86_64 /./-`x86_64.liblinux_TIFFmalloc-//-@linux.gcc.gnuLIBTIFF_4.0-///'gnux86_64.libgeotiff.so.2
    /-.:/7linux/ //-x86_64undefinedusr.gnu- /./linuxreferencelib/7- /./gnutolibgdal.so.20../ :/.libopencv_imgcodecs.so` ./:TIFFClientOpenundefined.. @ /.undefinedLIBTIFF_4.0referencex86_64/ .' -reference.
    tolinux // -tox86_64/`gnu -usrTIFFSetDirectory/`linux/@.TIFFScanlineSize-@libLIBTIFF_4.0.gnuLIBTIFF_4.0/'//'libgdal.so.20
    .libopencv_imgcodecs.so
    :/.:/ // usrundefinedusrlibundefined/ // libreferenceliblibgdal.so.20reference/ /: gcctolibgdal.so.20 to/ :undefined x86_64`  undefined`-TIFFFlushreference TIFFReadRGBATilelinux@ reference@-LIBTIFF_4.0to LIBTIFF_4.0gnu' to'/
    ` 
    7/TIFFFlush`///@TIFFReadScanlineusr.usrLIBTIFF_4.0@/./'LIBTIFF_4.0lib'/
    lib
    /.///gcc./libgdal.so.20usr//usr:/x86_64./ lib-.libundefined/linux// gcc-x86_64libgdal.so.20reference/gnu-: x86_64/linux to-7-undefined linux/gnu `-./referenceTIFFSetTagExtendergnu.. @//.toLIBTIFF_4.07./ '/..`.
    ./TIFFNumberOfTiles//..@libusr/.LIBTIFF_4.0///.'x86_64libgdal.so.20lib.
    -:/ /linuxgccundefined.-/ .gnux86_64reference//- x86_64libopencv_imgcodecs.solinuxto-:- linux gnu`-undefined/TIFFWriteEncodedTilegnu 7@/reference/LIBTIFF_4.0. .'collect2: error: ld returned 1 exit status
    .to. 
    //`/..TIFFCloseusr@../LIBTIFF_4.0//lib'lib./
    /.gcc/libgdal.so.20///:usrx86_64x86_64 /--undefinedliblinuxlinux /--referencegnux86_64gnu /-/to7linuxlibopencv_imgcodecs.so /-:`.gnu TIFFSetTagExtender./undefined@/libgeotiff.so.2 LIBTIFF_4.0.:reference'.  
    /undefinedto/.  usr.reference`// TIFFRGBAImageOKlibx86_64to-@/ linuxLIBTIFF_4.0gcc`-'/TIFFClientOpengnu
    x86_64@//-LIBTIFF_4.0./linux'.usr-
    //gnu/.lib//7.//x86_64usr//lib/.-liblibgdal.so.20.linux/:/-libgdal.so.20 :undefined. gnu .reference/undefined/ libgdcmMSFF.so.2.8 .to:reference.   /`x86_64TIFFFlushundefinedto-@Makefile:608: recipe for target '.build_release/tools/convert_imageset.bin' failed
      linuxLIBTIFF_4.0referencemake: *** [.build_release/tools/convert_imageset.bin] Error 1
    `-' TIFFSwabLonggnu
    to@ /`/LIBTIFF_4.0libopencv_imgcodecs.souuid_parse/':@usr
     UUID_1.0//undefined'libusr 
    reference//libgdal.so.20/ lib:/to/ usr gccundefined/`/ libTIFFRGBAImageOKx86_64reference/@- libgdal.so.20LIBTIFF_4.0linuxto:'-  
    gnu`undefined//TIFFSetTagExtender /7@referenceusr/LIBTIFF_4.0 /.'tolib.
     ///`x86_64.usrTIFFWriteRawStrip-./@linux/libLIBTIFF_4.0-./'gnu.gcc
    ////libgdcmMSFF.so.2.8x86_64x86_64/:--usr linuxlinux/undefined--lib gnugnu/reference//libgdal.so.20 .7:to./  /.undefined`../ uuid_parse..reference@/UUID_1.0.' lib/
    to/./ libgdal.so.20.usr`://TIFFErrorExtlib x86_64@/undefined-LIBTIFF_4.0gcc linux'/reference-
    x86_64 gnu-/linuxto//libopencv_imgcodecs.so- usr:gnu`/ /TIFFTileSizelibundefined7@/ /LIBTIFF_4.0libgdal.so.20reference.': .
     to//undefined .usr `referenceTIFFRGBAImageOK./ @/libtoLIBTIFF_4.0./ '.gcc`
    //TIFFGetFieldDefaulted/x86_64x86_64@-/-LIBTIFF_4.0linuxusrlinux'-/gnu-
    lib/gnu//7//x86_64/.usr-../linux./lib-/./gnulibgdal.so.20..//:.libgdcmMSFF.so.2.8lib /:/undefined. libgdal.so.20 .undefined:reference /  undefinedx86_64referenceto -  referencelinuxto` - TIFFSwabArrayOfLongtognu`@ /uuid_parseLIBTIFF_4.0`.@'TIFFWriteRawStrip.UUID_1.0
    @/'/LIBTIFF_4.0.
    /'./usr
    ////libusrlibusr////libgdal.so.20libgdal.so.20liblib:://  libgdal.so.20gccundefinedundefined:/   x86_64referencereferenceundefined -  tolinuxtoreference -  `gnu`toTIFFWriteDirectory/@TIFFNumberOfDirectories 7LIBTIFF_4.0@`/'LIBTIFF_4.0TIFFWriteRawStrip.
    '@./
    LIBTIFF_4.0///'.usr/
    ./usr//lib//./libusr.x86_64//libgdal.so.20lib/-:/x86_64linux -libgdal.so.20-undefinedgnu:/linux  -referencelibgdcmMSFF.so.2.8undefinedgnu : /referenceto .  undefined.to/`  .TIFFTileSize64reference`.@ TIFFErrorExt/LIBTIFF_4.0to@lib' LIBTIFF_4.0/
    libgdal.so.20`'/:uuid_generate
    / @usr/undefinedUUID_1.0// 'libusrreference
    // /libgdal.so.20libtousr:/ / libgdal.so.20`libundefined:TIFFErrorExt/  @gccreferenceundefinedLIBTIFF_4.0/  'x86_64toreference
    -  /linux`tousr-TIFFWriteRawTile /gnu@`lib/LIBTIFF_4.07TIFFGetFieldDefaulted/'/@gcc
    .LIBTIFF_4.0.//'/x86_64/
    .-usr/.linux///-libusr.gnu///.libgdal.so.207lib/://x86_64 .libgdal.so.20.-undefined:/linux  .-.referenceundefinedgnu/ . /to.referencelibopencv_imgcodecs.so / :`x86_64to TIFFStripSize64- undefined@linux`- gnuLIBTIFF_4.0TIFFSwabArrayOfLongreference/'@ .
    .LIBTIFF_4.0to//' usr.
    `/./TIFFReadEncodedTilelib//@/libusrLIBTIFF_4.0gcc//'/libgdal.so.20lib
    x86_64://- libgdal.so.20usrlinuxundefined:/-lib  gnu/referenceundefined/gcc  7/tox86_64reference/ - .`linuxto.TIFFGetFieldDefaulted- /@gnu`/.LIBTIFF_4.0TIFFNumberOfDirectories7.'@//
    LIBTIFF_4.0../'..usr
    ////.x86_64lib/.-/linux/usr.-.gcc/gnu//lib/x86_64x86_64/libopencv_imgcodecs.so--libgdal.so.20:linuxlinux: -- undefinedgnugnuundefined // referencelibopencv_imgcodecs.so7reference :/ to .to undefined. ` /reference`TIFFOpen. TIFFTileSize64@.to@LIBTIFF_4.0/ LIBTIFF_4.0'.`'
    .TIFFReadRGBATile
    //@//x86_64LIBTIFF_4.0/usr-'usr/linux
    /lib-/lib/gnuusr/libgdal.so.20//libgdal.so.20:.lib: ./ undefined/gccundefined ./ reference.x86_64reference /- linuxto-libto gnu/ `/libgdal.so.20`TIFFCreateDirectory7:TIFFWriteRawTile@/ @LIBTIFF_4.0.undefinedLIBTIFF_4.0'. '
    /reference
    /. //.to/usr/ .usr/`./libTIFFSwabArrayOfLong/lib/@x86_64/libgdal.so.20LIBTIFF_4.0-libgdal.so.20:'linux: 
    - undefined/gnuundefined usr/ reference/libopencv_imgcodecs.soreference lib: to/ to gccundefined `/ `TIFFSetSubDirectoryx86_64referenceTIFFStripSize64@- @LIBTIFF_4.0linuxtoLIBTIFF_4.0'- '`
    gnu
    TIFFClose/@///LIBTIFF_4.07usrusr'///
    .lib.lib/////gcc.libgdal.so.20usr//.:x86_64lib/ -/.undefinedlinuxx86_64. --/referencegnulinuxx86_64 /--to7gnulinux //-`.libgeotiff.so.2gnuTIFFStripSize.:/@/ .LIBTIFF_4.0.undefined.'. /
    /reference./. ./.to/usr/ lib/x86_64`/lib-TIFFClientOpenlibgdal.so.20@/LIBTIFF_4.0linux:libgdal.so.20'- gnu:
    undefined/ libopencv_imgcodecs.so/ usrundefined:reference/   libreferenceundefinedto/ gcc  to/reference` x86_64 TIFFNumberOfDirectories`-to@TIFFSwabArrayOfDoublelinux LIBTIFF_4.0@-`'LIBTIFF_4.0
    gnuTIFFOpen'//@
    usr7LIBTIFF_4.0///'/lib.
    usr/.//gcc//.lib/usr./x86_64//libgdal.so.20-lib.:linux/. -libgdal.so.20/undefinedgnu:x86_64 / -reference7undefinedlinux / -to.referencegnu . /`/to.TIFFReadRGBATileExt. .@.`/TIFFCreateDirectoryLIBTIFF_4.0/.@'..LIBTIFF_4.0
    ./'/
    /libusr/x86_64///-libgdal.so.20libusrlinux:-// gnugcclibundefined/// .x86_64libgdal.so.20reference.-: /linux to.-undefined .gnu `//referenceTIFFFlushlib7 @//toLIBTIFF_4.0libgdal.so.20. ':.`
     /TIFFSetSubDirectory/undefined.@usr .referenceLIBTIFF_4.0// 'lib.to
     //.`/gcc/TIFFTileSize64usr/x86_64@/x86_64--linuxLIBTIFF_4.0liblinux-'/
    -gnulibgdal.so.20/gnu/:usr/libopencv_imgcodecs.so /7:undefinedlib/  /.undefinedreferencegcc.  //reference.tox86_64 . -to/`linux .TIFFStripSize-`.@gnuTIFFReadEncodedStrip/LIBTIFF_4.0/@x86_64'7LIBTIFF_4.0-
    /'linux/.
    .-///gnu.usr//./usr./lib/../lib/.libgdal.so.20/./:libgdal.so.20.x86_64 :/-undefined liblinux undefined/-reference libgdal.so.20gnu reference:/to  . toundefined.`  /TIFFSwabArrayOfDouble`reference.@TIFFUnlinkDirectory .LIBTIFF_4.0@to/'LIBTIFF_4.0 lib
    '`//
    TIFFSetTagExtenderlibgdal.so.20//@:usr/LIBTIFF_4.0 /usr'undefinedlib/
     /lib/referencelibgdal.so.20/usr :libgdal.so.20/to :lib undefined /` undefinedgccTIFFWriteRawTilereference /@ referencex86_64LIBTIFF_4.0to -'linux to
    -` /gnuTIFFReadRGBATileExt`usr/@TIFFUnsetField/7LIBTIFF_4.0@lib/'LIBTIFF_4.0/.
    'gcc./
    //usr/x86_64./usr-.lib/linux//lib-.gcc/gnu./gcc//x86_64/7x86_64--x86_64/linuxlinux-.--linux.gnugnu-///7gnu.libopencv_imgcodecs.so//.:.7/ .../undefined//. .x86_64.-reference./linux /.-to..gnu .//`/..TIFFRGBAImageOKx86_64..@/-/LIBTIFF_4.0.linuxx86_64'.--
    /gnulinux/lib/-libopencv_imgcodecs.so//gnu:usrlibgdal.so.20/ /:libopencv_imgcodecs.soundefinedlib : /undefined referencex86_64 undefined -reference  tolinuxreferenceto  - ``gnutoTIFFReadEncodedStripTIFFStripSize64/ @@libgdcmMSFF.so.2.8`LIBTIFF_4.0LIBTIFF_4.0:TIFFSetField'' @
    
    undefinedLIBTIFF_4.0// '/usrreference
    usr/ //libto/lib/ usr/gcc`/libgdal.so.20/uuid_parselib:x86_64@/ -UUID_1.0libgdal.so.20undefinedlinux': -
     referencegnu/undefined /usr to7/reference /lib `./toTIFFUnlinkDirectory.gcc/ @/.`.LIBTIFF_4.0/x86_64TIFFMergeFieldInfo'.-.linux@
    /-LIBTIFF_4.0/x86_64gnu'/-/
    usrlinux7//-//libgnu.usr.///libopencv_imgcodecs.so/libgdal.so.20lib:.:/ . libgdal.so.20undefined/undefined: .  reference.referenceundefined /  tox86_64to-referencelinux -  `gnu`toTIFFOpen/TIFFUnsetField @.@`LIBTIFF_4.0.LIBTIFF_4.0TIFFCurrentDirOffset'/'@
    .
    LIBTIFF_4.0/./'usr/usr
    /lib//lib/lib//libgdal.so.20/:usrgccgcc ///undefinedlibx86_64x86_64 /--referencelibgdal.so.20linuxlinux :--to gnugnu undefined`/TIFFWriteRawStrip/ 7@7reference/LIBTIFF_4.0/ .'.to.
    . ///`.TIFFIsCODECConfiguredusr..@/./LIBTIFF_4.0lib/.'/.gcc.
    .////x86_64x86_64/x86_64--usr-linuxlinux/linux--lib-gnugnu/gnu//libgdal.so.20/7.:libopencv_imgcodecs.so/. :./undefined .. undefined/.reference ./ reference.libto // to.libgdal.so.20` .:TIFFDataWidth`/ @TIFFSetFieldx86_64undefined-LIBTIFF_4.0@ linux'LIBTIFF_4.0reference-
    ' gnu//
    tousr./ /./`lib/usrTIFFCreateDirectory/./@gcc.libLIBTIFF_4.0///'x86_64liblibgdal.so.20
    -/:libgdal.so.20/linux :usr-undefined /gnu undefinedlib/reference /7 referencegcc/to /. tox86_64.-` /linuxTIFFMergeFieldInfo`.-@TIFFErrorExt.gnuLIBTIFF_4.0@//'LIBTIFF_4.0.'7
    
    .////.usr/x86_64./usr-/lib/linux./lib-.gcc/gnu//libgdal.so.20/.x86_64:-libopencv_imgcodecs.so. linux:/undefined- x86_64 gnuundefined-reference/ linux 7reference-to/ gnu .to/`. .TIFFCurrentDirOffset/`.@.TIFFSetWarningHandler/LIBTIFF_4.0.@.'/LIBTIFF_4.0.
    .'//.
    lib///x86_64/usr/-libgdal.so.20/usrlinux:-lib/ gnu/libundefined/libgdal.so.20/ .:libgdal.so.20reference. : /undefined to. undefined .reference `/ referenceTIFFSetSubDirectorylibto @/ toLIBTIFF_4.0libgdal.so.20` ':TIFFIsCODECConfigured`
     @TIFFGetConfiguredCODECs/undefinedLIBTIFF_4.0@usr 'LIBTIFF_4.0/reference
    'lib /
    /to//gcc usr//`/usrx86_64TIFFGetFieldDefaultedlib/-@/liblinuxLIBTIFF_4.0libgdal.so.20/-'gnu:/x86_64
     7-/undefined/linuxusr .-/reference.gnulib ///to.libgdcmMSFF.so.2.8gcc .:/`/ x86_64TIFFDataWidth.undefined-@. linuxLIBTIFF_4.0/reference-'x86_64 gnu
    -to//linux 7usr-`//gnuuuid_unparse.lib/@./.UUID_1.0/gcc.'.//x86_64
    ..-//.linuxusr./-/.lib/gnux86_64lib//-/libgdal.so.207linuxgcc:/-/gnu .x86_64/undefined.-. /referencelinux.. -/.tognu./ /..`7/.TIFFStripSize/lib/@./x86_64LIBTIFF_4.0.libgdal.so.20-'/:linux
    . -/.undefinedgnuusr/ //.referencelibopencv_imgcodecs.solib. ://to gccx86_64 undefined/-` x86_64linuxTIFFSwabArrayOfLongreference--@ linuxgnuLIBTIFF_4.0to-/' gnulibopencv_imgcodecs.so
    `/:/TIFFSetWarningHandler7 usr@/undefined/LIBTIFF_4.0. lib'.reference/
    / gccto/./ /.x86_64`usr/-TIFFSetErrorHandler/.linux@libLIBTIFF_4.0.-/'/gnulibgdal.so.20
    x86_64/:7/- //linuxundefined.usr.-/ /gnu.referencelib/. /./to. libgdal.so.20..`/:/TIFFGetConfiguredCODECsx86_64 .@-undefinedlinux.LIBTIFF_4.0 -/'referencegnulib
     ///to.libgdal.so.20/ .:usr`/ /undefinedTIFFGetSizeProc.lib. @//referencelibLIBTIFF_4.0x86_64 /'-tolibgdal.so.20
    linux :/ -`/TIFFSwabArrayOfDoubleundefinedgnuusr@ //LIBTIFF_4.0referencelibgdcmMSFF.so.2.8lib' 
    ://to usrlibgdal.so.20 undefined/:` lib TIFFNumberOfDirectoriesreference/undefinedgcc@  /LIBTIFF_4.0toreferencex86_64'  -
    linux`to/-uuid_unparse usrgnu@`//UUID_1.0TIFFRewriteDirectorylib7'@//
    .LIBTIFF_4.0gcc/.'/usrx86_64/
    /-./liblinux.//-/usrgccgnu.///.lib/x86_647/x86_64-/x86_64-linuxlinux.---.linuxgnugnu//-./.7.gnu.////..libgeotiff.so.2...:.// /.x86_64undefinedlib./- /libgdal.so.20linuxreference.:-  .gnuundefinedto//  referencex86_64.` -._TIFFmalloctolinux/@ -.LIBTIFF_4.0`gnu.'TIFFReadRGBATileExt@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux/libopencv_imgcodecs.so/:lib
     /-undefined/libgdal.so.20gnu /:/referenceusr 7 /undefined/tolib . /reference. `libgdal.so.20/toTIFFSetErrorHandler:. @ .`LIBTIFF_4.0undefined/TIFFTileSize64' .@
    reference.LIBTIFF_4.0/ /'/tox86_64
    usr -//`linuxusrlibTIFFSetDirectory-//@gnuliblibgdal.so.20LIBTIFF_4.0//:'libopencv_imgcodecs.sogcc: 
    / undefined/x86_64undefined /- referencereferenceusrlinux  /-totolib gnu /`/`libgdal.so.20TIFFReadEncodedStrip7TIFFGetSizeProc:@/@ LIBTIFF_4.0.LIBTIFF_4.0undefined'.' 
    /
    reference/./ usr./to//usr lib./`/.libTIFFReadScanlinegcc//@/x86_64libgdal.so.20LIBTIFF_4.0x86_64-:'-linux 
    linux-undefined/-gnu /gnu/referenceusr/. /7.tolib// /..`libgdal.so.20..TIFFRewriteDirectory://@ .libLIBTIFF_4.0undefined./' /libgdal.so.20
    reference.:/ . /to/undefinedusr  x86_64/reference`-TIFFNumberOfTileslib linuxto@ /-LIBTIFF_4.0`x86_64gnu'TIFFWriteRawTile-/
    .@linux.LIBTIFF_4.0-/'gnu.
    /./libgeotiff.so.2/usr:lib/ /libundefinedlibgdal.so.20/ :gccreference /undefined x86_64 to-reference  collect2: error: ld returned 1 exit status
    linux`to-_TIFFmalloc gnu`@/TIFFUnlinkDirectoryLIBTIFF_4.07@'/LIBTIFF_4.0
    .'/.
    ///usr.usr/./liblib///.libgdal.so.20gcc./:/x86_64 -x86_64undefinedlinux- -linuxreferencegnu- /gnuto7/ /.`..TIFFSetDirectory./@/..LIBTIFF_4.0..'//
    .lib/.///libgdal.so.20usrx86_64:/- liblinuxundefined/- libgdal.so.20gnureference:/  .undefinedto.  /reference`. TIFFStripSize64.to@/ LIBTIFF_4.0lib`'/TIFFReadScanline
    libgdal.so.20@/:LIBTIFF_4.0usr 'undefined/
     lib/reference// gccusrMakefile:608: recipe for target '.build_release/tools/compute_image_mean.bin' failed
    to// x86_64make: *** [.build_release/tools/compute_image_mean.bin] Error 1
    lib`-/TIFFUnsetFieldlinuxlibgdal.so.20@-:LIBTIFF_4.0gnu '/undefined
    7/ /referenceusr. /.tolib/ /.`gcc./TIFFNumberOfTiles/x86_64@.-LIBTIFF_4.0linux.'-/
    gnux86_64/-7linux/-.gnu.//libopencv_imgcodecs.so.:. /undefined. .reference/ x86_64to- linux`-TIFFOpengnu@/LIBTIFF_4.0libopencv_imgcodecs.so':
    collect2: error: ld returned 1 exit status
     /undefinedusr /referencelib /togcc /`x86_64TIFFSetField-@linuxLIBTIFF_4.0-'gnu
    //7usr//.lib.//gcc./.x86_64/-.linux.-/gnux86_64/-7linux/-.gnu.//....//....//libx86_64/-libgdal.so.20linux:- gnuundefined/ .reference. /to. .`/TIFFCreateDirectorylib@/LIBTIFF_4.0libgdal.so.20':
     /undefinedusr /referencelib /togcc /`x86_64TIFFMergeFieldInfo-@linuxLIBTIFF_4.0-'gnu
    //7usr//.lib.//gcc./.x86_64/-.linux.-/gnux86_64/-7linuxMakefile:608: recipe for target '.build_release/tools/extract_features.bin' failed
    /-.make: *** [.build_release/tools/extract_features.bin] Error 1
    gnu.//....//....//libx86_64/-libgdal.so.20linux:- gnuundefined/ .reference. /to. .`/TIFFSetSubDirectorylib@/LIBTIFF_4.0libgdal.so.20':
     /undefinedusr /referencelib /togcc /`x86_64TIFFCurrentDirOffset-@linuxLIBTIFF_4.0-'gnu
    //7usr//.lib.//gcc./.x86_64/-.linux.-/gnux86_64/-7linux/-.gnu.//....//....//libx86_64/-libgdal.so.20linux:- gnuundefined/ .reference. /to. .`/TIFFStripSizelib@/LIBTIFF_4.0libgdal.so.20':
     /undefinedusr /referencelib /togcc /`x86_64TIFFIsCODECConfigured-@linuxLIBTIFF_4.0-'gnu
    //7usr//.lib.//gcc./.x86_64/-.linux.-/gnux86_64/-7linux/-.gnu.//....//....//libx86_64/-libgdal.so.20linux:- gnuundefined/ .reference. /to. .`/TIFFSwabArrayOfDoublelib@/LIBTIFF_4.0libgdal.so.20':
     /undefinedusr /referencelib /togcc /`x86_64TIFFDataWidth-@linuxLIBTIFF_4.0-'gnu
    //7/usr./.lib//.gcc.//x86_64.-.linux/-x86_64gnu-/linux7-/gnu./../../../../.lib//x86_64libgdal.so.20-:linux -undefinedgnu /referencelibopencv_imgcodecs.so :to  undefined` TIFFReadRGBATileExtreference@ LIBTIFF_4.0to' 
    `/TIFFSetWarningHandlerusr@/LIBTIFF_4.0lib'/
    gcc//usrx86_64/-liblinux/-gccgnu//x86_647-/linux.-.gnu//.7.//....//.x86_64.-/linux.-.gnu//x86_64libopencv_imgcodecs.so-:linux -undefinedgnu /reference. .to/ .`.TIFFReadEncodedStrip/@libLIBTIFF_4.0/'libgdal.so.20
    :/ usrundefined/ libreference/ gccto/ x86_64`-TIFFGetConfiguredCODECslinux@-LIBTIFF_4.0gnu'/
    7///.usr.//lib./.x86_64/-.linux.-/gnux86_64/-libgdcmMSFF.so.2.8linux:- gnuundefined/ .reference. /to. .`/uuid_unparselib@/UUID_1.0libgdal.so.20':
     /undefinedusr /referencelib /togcc /`x86_64TIFFUnlinkDirectory-@linuxLIBTIFF_4.0-'gnu
    //7usr//.lib.//gcc./.x86_64/-.linux.-/gnux86_64/-7linux/-.gnu.//libopencv_imgcodecs.so.:. /undefined. .reference/ x86_64to- linux`-TIFFSetErrorHandlergnu@/LIBTIFF_4.0.'.
    //.usr.//liblib//gcclibgdal.so.20/:x86_64 -undefinedlinux -referencegnu /to7 /`.TIFFUnsetField.@/LIBTIFF_4.0.'.
    //.usr.//libx86_64/-gcclinux/-x86_64gnu-/linux.-.gnu//.7.//.lib.//libgdal.so.20.:. /undefined. .reference/ x86_64to- linux`-TIFFGetSizeProcgnu@/LIBTIFF_4.0libopencv_imgcodecs.so':
     /undefinedusr /referencelib /togcc /`x86_64TIFFSetField-@linuxLIBTIFF_4.0-'gnu
    //7usr//.lib.//gcc./.x86_64/-.linux.-/gnux86_64/-7linux/-.gnu.//....//....//libx86_64/-libgdal.so.20linux:- gnuundefined/ .reference. /to. .`/TIFFRewriteDirectorylib@/LIBTIFF_4.0libgdal.so.20':
     /undefined/ usrreference/ libto/ x86_64`-TIFFMergeFieldInfolinux@-LIBTIFF_4.0gnu'/
    libgeotiff.so.2/:usr /undefinedlib /referencegcc /tox86_64 -`linux_TIFFmalloc-@gnuLIBTIFF_4.0/'7
    //.usr.//lib./.gcc//.x86_64.-/linuxx86_64--gnulinux/-7gnu//....//....//.lib.//libgdal.so.20x86_64:- linuxundefined- gnureference/ .to. /`.TIFFCurrentDirOffset.@/LIBTIFF_4.0lib'/
    libgdal.so.20/:usr /undefinedlib /referencegcc /tox86_64 -`linuxTIFFSetDirectory-@gnuLIBTIFF_4.0/'7
    //.usr.//lib./.gcc//.x86_64.-/linuxx86_64--gnulinux/-7gnu//....//....//.lib.//libgdal.so.20x86_64:- linuxundefined- gnureference/ .to. /`.TIFFIsCODECConfigured.@/LIBTIFF_4.0lib'/
    libgdal.so.20/:usr /undefinedlib /referencegcc /tox86_64 -`linuxTIFFReadScanline-@gnuLIBTIFF_4.0/'7
    //.usr.//lib./.gcc//.x86_64.-/linuxx86_64--gnulinux/-7gnu//....//....//.lib.//libgdal.so.20x86_64:- linuxundefined- gnureference/ .to. /`.TIFFDataWidth.@/LIBTIFF_4.0lib'/
    libgdal.so.20/: usrundefined/ libreference/ gccto/ x86_64`-TIFFNumberOfTileslinux@-LIBTIFF_4.0gnu'/
    7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetWarningHandler@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../collect2: error: ld returned 1 exit status
    ../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFGetConfiguredCODECs@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgdcmMSFF.so.2.8: undefined reference to `uuid_unparse@UUID_1.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/libopencv_imgcodecs.so: undefined reference to `TIFFSetErrorHandler@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFGetSizeProc@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../Makefile:613: recipe for target '.build_release/examples/siamese/convert_mnist_siamese_data.bin' failed
    lib/make: *** [.build_release/examples/siamese/convert_mnist_siamese_data.bin] Error 1
    libgdal.so.20: undefined reference to `TIFFRewriteDirectory@LIBTIFF_4.0'
    //usr/lib/x86_64-linux-gnu/libgeotiff.so.2: undefined reference to `_TIFFmalloc@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFSetDirectory@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFReadScanline@LIBTIFF_4.0'
    /usr/lib/gcc/x86_64-linux-gnu/7/../../../x86_64-linux-gnu/../../lib/libgdal.so.20: undefined reference to `TIFFNumberOfTiles@LIBTIFF_4.0'
    collect2: error: ld returned 1 exit status
    Makefile:613: recipe for target '.build_release/examples/mnist/convert_mnist_data.bin' failed
    make: *** [.build_release/examples/mnist/convert_mnist_data.bin] Error 1
    (pygoturn) wangxiao@wx:~/Downloads/PY-GOTURN$ conda uninstall libtiff
    View Code

     

     

    A44.  conda uninstall libtiff   reference: https://github.com/colmap/colmap/issues/188 

     

    Q45. AssertionError: 

    The NVIDIA driver on your system is too old (found version 9000). Please update your GPU driver by downloading and installing a new version from the URL: http://www.nvidia.com/Download/index.aspx 

    Alternatively, go to: https://pytorch.org to install a PyTorch version that has been compiled with your version of the CUDA driver. 

    A45. 目测是由于 pytorch 版本和 cuda 版本不一致导致的:https://www.zhihu.com/question/309583980?sort=created 

    So ??? Try this: 

      conda install pytorch==1.2.0 torchvision==0.4.0 cudatoolkit=10.0 -c pytorch 

     

      

    Q46. ERROR: Could not install packages due to an EnvironmentError: [Errno 28] No space left on device 

     

    (pymdnet) wangxiao@o:~/data$ pip install torch==1.2.0 torchvision==0.4.0 -f https://download.pytorch.org/whl/torch_stable.html
    DEPRECATION: Python 2.7 will reach the end of its life on January 1st, 2020. Please upgrade your Python as Python 2.7 won't be maintained after that date. A future version of pip will drop support for Python 2.7. More details about Python 2 support in pip, can be found at https://pip.pypa.io/en/latest/development/release-process/#python-2-support
    Looking in links: https://download.pytorch.org/whl/torch_stable.html
    Collecting torch==1.2.0
    Downloading https://download.pytorch.org/whl/cu92/torch-1.2.0%2Bcu92-cp27-cp27mu-manylinux1_x86_64.whl (663.1MB)
    |████████████████████████████████| 663.1MB 9.8MB/s eta 0:00:01ERROR: Could not install packages due to an EnvironmentError: [Errno 28] No space left on device

     

    (pymdnet) wangxiao@o:~/data$ export TMPDIR=/home/wangxiao/data/tmp
    (pymdnet) wangxiao@o:~/data$ pip install torch==1.2.0 torchvision==0.4.0 -f https://download.pytorch.org/whl/torch_stable.html
    DEPRECATION: Python 2.7 will reach the end of its life on January 1st, 2020. Please upgrade your Python as Python 2.7 won't be maintained after that date. A future version of pip will drop support for Python 2.7. More details about Python 2 support in pip, can be found at https://pip.pypa.io/en/latest/development/release-process/#python-2-support
    Looking in links: https://download.pytorch.org/whl/torch_stable.html
    Collecting torch==1.2.0
    Downloading https://download.pytorch.org/whl/cu92/torch-1.2.0%2Bcu92-cp27-cp27mu-manylinux1_x86_64.whl (663.1MB)
    |████████████████████████████████| 663.1MB 11kB/s
    Collecting torchvision==0.4.0
    Downloading https://download.pytorch.org/whl/cu92/torchvision-0.4.0%2Bcu92-cp27-cp27mu-manylinux1_x86_64.whl (8.8MB)
    |████████████████████████████████| 8.8MB 916kB/s
    Collecting future
    Downloading https://files.pythonhosted.org/packages/45/0b/38b06fd9b92dc2b68d58b75f900e97884c45bedd2ff83203d933cf5851c9/future-0.18.2.tar.gz (829kB)
    |████████████████████████████████| 829kB 168kB/s
    Collecting numpy
    Using cached https://files.pythonhosted.org/packages/d7/b1/3367ea1f372957f97a6752ec725b87886e12af1415216feec9067e31df70/numpy-1.16.5-cp27-cp27mu-manylinux1_x86_64.whl 

     

    Q47. 

    from torchvision import _C

    ImportError: libcudart.so.9.0: cannot open shared object file: No such file or directory 

    A47. pip install torchvision==0.2.2 will be ok.  

    Q48. ImportError: libmkl_rt.so: cannot open shared object file: No such file or directory 

    A48. First, you need to locate the lib files by: 

    # locate libmkl_rt.so 

    /home/wangxiao/anaconda3/lib/libmkl_rt.so
    /home/wangxiao/anaconda3/pkgs/mkl-2018.0.2-1/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/envs/GlobalTrack/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/envs/TrackingNet/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/envs/aaai/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/envs/beamtracker/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/envs/goturn2.0/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/envs/pysot/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/envs/rtmdnet/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/envs/sint3.0/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/lib/libmkl_rt.so
    /home/wangxiao/miniconda3/pkgs/mkl-2019.4-243/lib/libmkl_rt.so 

    Then, you can execute following: 

    export LD_LIBRARY_PATH=/home/wangxiao/anaconda3/pkgs/mkl-2018.0.2-1/lib/:$LD_LIBRARY_PATH 

    Then, this problem can be solved. 

    Q49. ModuleNotFoundError: No module named 'six'?

    /home/wangxiao/miniconda3/envs/mdnet/lib/python3.7/site-packages/numpy/__init__.py:140: UserWarning: mkl-service package failed to import, therefore Intel(R) MKL initialization ensuring its correct out-of-the box operation under condition when Gnu OpenMP had already been loaded by Python process is not assured. Please install mkl-service package, see http://github.com/IntelPython/mkl-service
    from . import _distributor_init
    Traceback (most recent call last):
    File "test_got10k_mdnet.py", line 1, in <module>
    import numpy as np
    File "/home/wangxiao/miniconda3/envs/mdnet/lib/python3.7/site-packages/numpy/__init__.py", line 235, in <module>
    import mkl
    File "/home/wangxiao/miniconda3/envs/mdnet/lib/python3.7/site-packages/mkl/__init__.py", line 54, in <module>
    from ._py_mkl_service import *
    File "mkl/_mkl_service.pyx", line 27, in init mkl._py_mkl_service
    ModuleNotFoundError: No module named 'six'

    A49. This error can't be solved by simply: pip install six. I tried this: conda install -c intel mkl-service 

    Q50. 使用conda install安装软件遇到如下错误:  Segmentation fault (core dumped) 

    2013053-c10dd7fb85bbc691.png

    通过检索,发现可能是之前安装的时候网络不良导致中途出错,于是有些包虽然在本地缓存了,但其实不完整。

    解决方法: conda clean -a 删除所有缓存即可. from: https://blog.csdn.net/u012110870/article/details/103800701 

    Q51. 生成一组随机数:

    A51. Source: https://blog.csdn.net/u014182497/article/details/80733202 

    简单的随机数据

    rand(d0, d1, ..., dn)

    随机值

    >>> np.random.rand(3,2)
    array([[ 0.14022471,  0.96360618],  #random
           [ 0.37601032,  0.25528411],  #random
           [ 0.49313049,  0.94909878]]) #random

    randn(d0, d1, ..., dn)

    返回一个样本,具有标准正态分布。

    Notes

    For random samples from 技术分享, use:

    sigma * np.random.randn(...) + mu

    Examples

    >>> np.random.randn()
    2.1923875335537315 #random

    Two-by-four array of samples from N(3, 6.25):

    >>> 2.5 * np.random.randn(2, 4) + 3
    array([[-4.49401501,  4.00950034, -1.81814867,  7.29718677],  #random
           [ 0.39924804,  4.68456316,  4.99394529,  4.84057254]]) #random

    randint(low[, high, size])

    返回随机的整数,位于半开区间 [low, high)。

    >>> np.random.randint(2, size=10)
    array([1, 0, 0, 0, 1, 1, 0, 0, 1, 0])
    >>> np.random.randint(1, size=10)
    array([0, 0, 0, 0, 0, 0, 0, 0, 0, 0])

    Generate a 2 x 4 array of ints between 0 and 4, inclusive:

    >>> np.random.randint(5, size=(2, 4))
    array([[4, 0, 2, 1],
           [3, 2, 2, 0]])

    random_integers(low[, high, size])

    返回随机的整数,位于闭区间 [low, high]。

    Notes

    To sample from N evenly spaced floating-point numbers between a and b, use:

    a + (b - a) * (np.random.random_integers(N) - 1) / (N - 1.)

    Examples

    >>> np.random.random_integers(5)
    4
    >>> type(np.random.random_integers(5))
    <type ‘int‘>
    >>> np.random.random_integers(5, size=(3.,2.))
    array([[5, 4],
           [3, 3],
           [4, 5]])

    Choose five random numbers from the set of five evenly-spaced numbers between 0 and 2.5, inclusive (i.e., from the set):

    >>> 2.5 * (np.random.random_integers(5, size=(5,)) - 1) / 4.
    array([ 0.625,  1.25 ,  0.625,  0.625,  2.5  ])

    Roll two six sided dice 1000 times and sum the results:

    >>> d1 = np.random.random_integers(1, 6, 1000)
    >>> d2 = np.random.random_integers(1, 6, 1000)
    >>> dsums = d1 + d2

    Display results as a histogram:

    >>> import matplotlib.pyplot as plt
    >>> count, bins, ignored = plt.hist(dsums, 11, normed=True)
    >>> plt.show()

    random_sample([size])

    返回随机的浮点数,在半开区间 [0.0, 1.0)。

    To sample multiply the output of random_sample by (b-a) and add a:

    (b - a) * random_sample() + a

    Examples

    >>> np.random.random_sample()
    0.47108547995356098
    >>> type(np.random.random_sample())
    <type ‘float‘>
    >>> np.random.random_sample((5,))
    array([ 0.30220482,  0.86820401,  0.1654503 ,  0.11659149,  0.54323428])

    Three-by-two array of random numbers from [-5, 0):

    >>> 5 * np.random.random_sample((3, 2)) - 5
    array([[-3.99149989, -0.52338984],
           [-2.99091858, -0.79479508],
           [-1.23204345, -1.75224494]])

    random([size])

    返回随机的浮点数,在半开区间 [0.0, 1.0)。

    (官网例子与random_sample完全一样)

    ranf([size])

    返回随机的浮点数,在半开区间 [0.0, 1.0)。

    (官网例子与random_sample完全一样)

    sample([size])

    返回随机的浮点数,在半开区间 [0.0, 1.0)。

    (官网例子与random_sample完全一样)

    choice(a[, size, replace, p])

    生成一个随机样本,从一个给定的一维数组

    Examples

    Generate a uniform random sample from np.arange(5) of size 3:

    >>> np.random.choice(5, 3)
    array([0, 3, 4])
    >>> #This is equivalent to np.random.randint(0,5,3)

    Generate a non-uniform random sample from np.arange(5) of size 3:

    >>> np.random.choice(5, 3, p=[0.1, 0, 0.3, 0.6, 0])
    array([3, 3, 0])

    Generate a uniform random sample from np.arange(5) of size 3 without replacement:

    >>> np.random.choice(5, 3, replace=False)
    array([3,1,0])
    >>> #This is equivalent to np.random.permutation(np.arange(5))[:3]

    Generate a non-uniform random sample from np.arange(5) of size 3 without replacement:

    >>> np.random.choice(5, 3, replace=False, p=[0.1, 0, 0.3, 0.6, 0])
    array([2, 3, 0])

    Any of the above can be repeated with an arbitrary array-like instead of just integers. For instance:

    >>> aa_milne_arr = [‘pooh‘, ‘rabbit‘, ‘piglet‘, ‘Christopher‘]
    >>> np.random.choice(aa_milne_arr, 5, p=[0.5, 0.1, 0.1, 0.3])
    array([‘pooh‘, ‘pooh‘, ‘pooh‘, ‘Christopher‘, ‘piglet‘],
          dtype=‘|S11‘)

    bytes(length)

    返回随机字节。

    >>> np.random.bytes(10)
    ‘ ehx85x022SZxbfxa4‘ #random

    排列

    shuffle(x)

    现场修改序列,改变自身内容。(类似洗牌,打乱顺序)

    >>> arr = np.arange(10)
    >>> np.random.shuffle(arr)
    >>> arr
    [1 7 5 2 9 4 3 6 0 8]

    This function only shuffles the array along the first index of a multi-dimensional array:

    >>> arr = np.arange(9).reshape((3, 3))
    >>> np.random.shuffle(arr)
    >>> arr
    array([[3, 4, 5],
           [6, 7, 8],
           [0, 1, 2]])

    permutation(x)

    返回一个随机排列

    >>> np.random.permutation(10)
    array([1, 7, 4, 3, 0, 9, 2, 5, 8, 6])
    >>> np.random.permutation([1, 4, 9, 12, 15])
    array([15,  1,  9,  4, 12])
    >>> arr = np.arange(9).reshape((3, 3))
    >>> np.random.permutation(arr)
    array([[6, 7, 8],
           [0, 1, 2],
           [3, 4, 5]])

    分布

    beta(a, b[, size])

    贝塔分布样本,在 [0, 1]内。

    binomial(n, p[, size])

    二项分布的样本。

    chisquare(df[, size])

    卡方分布样本。

    dirichlet(alpha[, size])

    狄利克雷分布样本。

    exponential([scale, size])

    指数分布

    f(dfnum, dfden[, size])

    F分布样本。

    gamma(shape[, scale, size])

    伽马分布

    geometric(p[, size])

    几何分布

    gumbel([loc, scale, size])

    耿贝尔分布。

    hypergeometric(ngood, nbad, nsample[, size])

    超几何分布样本。

    laplace([loc, scale, size])

    拉普拉斯或双指数分布样本

    logistic([loc, scale, size])

    Logistic分布样本

    lognormal([mean, sigma, size])

    对数正态分布

    logseries(p[, size])

    对数级数分布。

    multinomial(n, pvals[, size])

    多项分布

    multivariate_normal(mean, cov[, size])

    多元正态分布。

    >>> mean = [0,0]
    >>> cov = [[1,0],[0,100]] # diagonal covariance, points lie on x or y-axis
    >>> import matplotlib.pyplot as plt
    >>> x, y = np.random.multivariate_normal(mean, cov, 5000).T
    >>> plt.plot(x, y, ‘x‘); plt.axis(‘equal‘); plt.show()

    negative_binomial(n, p[, size])

    负二项分布

    noncentral_chisquare(df, nonc[, size])

    非中心卡方分布

    noncentral_f(dfnum, dfden, nonc[, size])

    非中心F分布

    normal([loc, scale, size])

    正态(高斯)分布

    Notes

    The probability density for the Gaussian distribution is

    技术分享

    where 技术分享 is the mean and 技术分享 the standard deviation. The square of the standard deviation, 技术分享, is called the variance.

    The function has its peak at the mean, and its “spread” increases with the standard deviation (the function reaches 0.607 times its maximum at 技术分享 and 技术分享 [R217]).

    Examples

    Draw samples from the distribution:

    >>> mu, sigma = 0, 0.1 # mean and standard deviation
    >>> s = np.random.normal(mu, sigma, 1000)

    Verify the mean and the variance:

    >>> abs(mu - np.mean(s)) < 0.01
    True
    >>> abs(sigma - np.std(s, ddof=1)) < 0.01
    True

    Display the histogram of the samples, along with the probability density function:

    >>> import matplotlib.pyplot as plt
    >>> count, bins, ignored = plt.hist(s, 30, normed=True)
    >>> plt.plot(bins, 1/(sigma * np.sqrt(2 * np.pi)) *
    ...                np.exp( - (bins - mu)**2 / (2 * sigma**2) ),
    ...          linewidth=2, color=‘r‘)
    >>> plt.show()

    pareto(a[, size])

    帕累托(Lomax)分布

    poisson([lam, size])

    泊松分布

    power(a[, size])

    Draws samples in [0, 1] from a power distribution with positive exponent a - 1.

    rayleigh([scale, size])

    Rayleigh 分布

    standard_cauchy([size])

    标准柯西分布

    standard_exponential([size])

    标准的指数分布

    standard_gamma(shape[, size])

    标准伽马分布

    standard_normal([size])

    标准正态分布 (mean=0, stdev=1).

    standard_t(df[, size])

    Standard Student’s t distribution with df degrees of freedom.

    triangular(left, mode, right[, size])

    三角形分布

    uniform([low, high, size])

    均匀分布

    vonmises(mu, kappa[, size])

    von Mises分布

    wald(mean, scale[, size])

    瓦尔德(逆高斯)分布

    weibull(a[, size])

    Weibull 分布

    zipf(a[, size])

    齐普夫分布

    随机数生成器

    RandomState

    Container for the Mersenne Twister pseudo-random number generator.

    seed([seed])

    Seed the generator.

    get_state()

    Return a tuple representing the internal state of the generator.

    set_state(state)

    Set the internal state of the generator from a tuple.
    
    

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

     

    ==

     

     

     

     

     

     

     

     

     

     

     

     

     

     

    (pymdnet) wangxiao@o:~/data$ pip install torch==1.2.0 torchvision==0.4.0 -f https://download.pytorch.org/whl/torch_stable.htmlDEPRECATION: Python 2.7 will reach the end of its life on January 1st, 2020. Please upgrade your Python as Python 2.7 won't be maintained after that date. A future version of pip will drop support for Python 2.7. More details about Python 2 support in pip, can be found at https://pip.pypa.io/en/latest/development/release-process/#python-2-supportLooking in links: https://download.pytorch.org/whl/torch_stable.htmlCollecting torch==1.2.0  Downloading https://download.pytorch.org/whl/cu92/torch-1.2.0%2Bcu92-cp27-cp27mu-manylinux1_x86_64.whl (663.1MB)     |████████████████████████████████| 663.1MB 9.8MB/s eta 0:00:01ERROR: Could not install packages due to an EnvironmentError: [Errno 28] No space left on device
    (pymdnet) wangxiao@o:~/data$ export TMPDIR=/home/wangxiao/data/tmp(pymdnet) wangxiao@o:~/data$ pip install torch==1.2.0 torchvision==0.4.0 -f https://download.pytorch.org/whl/torch_stable.htmlDEPRECATION: Python 2.7 will reach the end of its life on January 1st, 2020. Please upgrade your Python as Python 2.7 won't be maintained after that date. A future version of pip will drop support for Python 2.7. More details about Python 2 support in pip, can be found at https://pip.pypa.io/en/latest/development/release-process/#python-2-supportLooking in links: https://download.pytorch.org/whl/torch_stable.htmlCollecting torch==1.2.0  Downloading https://download.pytorch.org/whl/cu92/torch-1.2.0%2Bcu92-cp27-cp27mu-manylinux1_x86_64.whl (663.1MB)     |████████████████████████████████| 663.1MB 11kB/s Collecting torchvision==0.4.0  Downloading https://download.pytorch.org/whl/cu92/torchvision-0.4.0%2Bcu92-cp27-cp27mu-manylinux1_x86_64.whl (8.8MB)     |████████████████████████████████| 8.8MB 916kB/s Collecting future  Downloading https://files.pythonhosted.org/packages/45/0b/38b06fd9b92dc2b68d58b75f900e97884c45bedd2ff83203d933cf5851c9/future-0.18.2.tar.gz (829kB)     |████████████████████████████████| 829kB 168kB/s Collecting numpy  Using cached https://files.pythonhosted.org/packages/d7/b1/3367ea1f372957f97a6752ec725b87886e12af1415216feec9067e31df70/numpy-1.16.5-cp27-cp27mu-manylinux1_x86_64.whl

     

    /disc2/naipeng.ye/langTrack_wangxiao/py-GCN-Triplet-Language-master/tracking/globalAttention_imgLanguage/generator_output

  • 相关阅读:
    什么是线程安全和线程不安全
    C# 实现Dictionary数据对象的深度拷贝
    数据库设计三大范式
    Socket 短连接、长连接
    第二篇:MongoDB高级查询
    如何在oracle中导入导出dmp数据库文件
    以太网中的UDP编程:udp分包问题
    CocosBuilder 值得关注的一个新项目
    [转载]iPhone程序到iPad程序的移植问题
    DWR使用总结
  • 原文地址:https://www.cnblogs.com/wangxiaocvpr/p/7353785.html
Copyright © 2011-2022 走看看