Git Product home page Git Product logo

paddlepaddle / parakeet Goto Github PK

View Code? Open in Web Editor NEW
600.0 29.0 83.0 9.55 MB

PAddle PARAllel text-to-speech toolKIT (supporting Tacotron2, Transformer TTS, FastSpeech2/FastPitch, SpeedySpeech, WaveFlow and Parallel WaveGAN)

License: Other

Python 96.94% Shell 3.06%
text-to-speech speech-synthesis tacotron2 transformer-tts waveflow speedyspeech fastspeech2 parallelwavegan multi-speaker-tts text-frontend

parakeet's Introduction

Parakeet has moved to PaddleSpeech, this repo will not update anymore, you can open issues of Parakeet in PaddleSpeech

Parakeet

Parakeet aims to provide a flexible, efficient and state-of-the-art text-to-speech toolkit for the open-source community. It is built on PaddlePaddle dynamic graph and includes many influential TTS models.


News

Overview

In order to facilitate exploiting the existing TTS models directly and developing the new ones, Parakeet selects typical models and provides their reference implementations in PaddlePaddle. Further more, Parakeet abstracts the TTS pipeline and standardizes the procedure of data preprocessing, common modules sharing, model configuration, and the process of training and synthesis. The models supported here include Text FrontEnd, end-to-end Acoustic models and Vocoders:

Setup

It's difficult to install some dependent libraries for this repo in Windows system, we recommend that you DO NOT use Windows system, please use Linux.

Make sure the library libsndfile1 is installed, e.g., on Ubuntu.

sudo apt-get install libsndfile1

Install PaddlePaddle

See install for more details. This repo requires PaddlePaddle 2.1.2 or above.

Install Parakeet

git clone https://github.com/PaddlePaddle/Parakeet
cd Parakeet
pip install -e .

If some python dependent packages cannot be installed successfully, you can run the following script first. (replace python3.6 with your own python version)

sudo apt install -y python3.6-dev

See install for more details.

Examples

Entries to the introduction, and the launch of training and synthsis for different example models:

Audio samples

TTS models (Acoustic Model + Neural Vocoder)

Check our website for audio sampels.

Released Model

Acoustic Model

FastSpeech2/FastPitch

  1. fastspeech2_nosil_baker_ckpt_0.4.zip
  2. fastspeech2_nosil_aishell3_ckpt_0.4.zip
  3. fastspeech2_nosil_ljspeech_ckpt_0.5.zip

SpeedySpeech

  1. speedyspeech_nosil_baker_ckpt_0.5.zip

TransformerTTS

  1. transformer_tts_ljspeech_ckpt_0.4.zip

Tacotron2

  1. tacotron2_ljspeech_ckpt_0.3.zip
  2. tacotron2_ljspeech_ckpt_0.3_alternative.zip

Vocoder

WaveFlow

  1. waveflow_ljspeech_ckpt_0.3.zip

Parallel WaveGAN

  1. pwg_baker_ckpt_0.4.zip
  2. pwg_ljspeech_ckpt_0.5.zip

Voice Cloning

Tacotron2_AISHELL3

  1. tacotron2_aishell3_ckpt_0.3.zip

GE2E

  1. ge2e_ckpt_0.3.zip

License

Parakeet is provided under the Apache-2.0 license.

parakeet's People

Contributors

jackwaterveg avatar kexinzhao avatar lfchener avatar shenyuhan avatar yt605155624 avatar zh794390558 avatar

Stargazers

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

Watchers

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

parakeet's Issues

WaveFlow training..

Hi, first -- thx for your repo)
I have a question:
Loss has negative values after 50 steps, its normal??
I use LJSpeech-1.1 dataset from repo example

https://prnt.sc/10w9knw
part of training log:

Rank: 0, step: 3599, time: 0.000s/2.105s, loss: -4.310512
2021-03-26 15:42:42,302 - INFO - Rank: 0, step: 3599, time: 0.000s/2.105s, loss: -4.310512
Rank: 0, step: 3600, time: 0.000s/2.099s, loss: -3.645384
2021-03-26 15:42:44,404 - INFO - Rank: 0, step: 3600, time: 0.000s/2.099s, loss: -3.645384
Rank: 0, step: 3601, time: 0.000s/2.103s, loss: -3.686285
2021-03-26 15:42:46,511 - INFO - Rank: 0, step: 3601, time: 0.000s/2.103s, loss: -3.686285
Rank: 0, step: 3602, time: 0.000s/2.102s, loss: -4.348854
2021-03-26 15:42:48,616 - INFO - Rank: 0, step: 3602, time: 0.000s/2.102s, loss: -4.348854
Rank: 0, step: 3603, time: 0.000s/2.102s, loss: -3.750342
2021-03-26 15:42:50,721 - INFO - Rank: 0, step: 3603, time: 0.000s/2.102s, loss: -3.750342
Rank: 0, step: 3604, time: 0.001s/2.100s, loss: -3.806536
2021-03-26 15:42:52,825 - INFO - Rank: 0, step: 3604, time: 0.001s/2.100s, loss: -3.806536
Rank: 0, step: 3605, time: 0.000s/2.101s, loss: -4.202748
2021-03-26 15:42:54,928 - INFO - Rank: 0, step: 3605, time: 0.000s/2.101s, loss: -4.202748
Rank: 0, step: 3606, time: 0.000s/2.105s, loss: -4.336158
2021-03-26 15:42:57,036 - INFO - Rank: 0, step: 3606, time: 0.000s/2.105s, loss: -4.336158
Rank: 0, step: 3607, time: 0.000s/2.103s, loss: -4.162058
2021-03-26 15:42:59,142 - INFO - Rank: 0, step: 3607, time: 0.000s/2.103s, loss: -4.162058
Rank: 0, step: 3608, time: 0.000s/2.100s, loss: -3.776902
2021-03-26 15:43:01,245 - INFO - Rank: 0, step: 3608, time: 0.000s/2.100s, loss: -3.776902
Rank: 0, step: 3609, time: 0.000s/2.107s, loss: -3.573308
2021-03-26 15:43:03,355 - INFO - Rank: 0, step: 3609, time: 0.000s/2.107s, loss: -3.573308
Rank: 0, step: 3610, time: 0.000s/2.099s, loss: -4.175161
2021-03-26 15:43:05,457 - INFO - Rank: 0, step: 3610, time: 0.000s/2.099s, loss: -4.175161
Rank: 0, step: 3611, time: 0.000s/2.101s, loss: -3.867444
2021-03-26 15:43:07,561 - INFO - Rank: 0, step: 3611, time: 0.000s/2.101s, loss: -3.867444
[checkpoint] Saved model to /content/LJSpeech-1.1/TRAIN_DATA/_waveflow_out/checkpoints/step-3612.pdparams
[checkpoint] Saved optimzier state to /content/LJSpeech-1.1/TRAIN_DATA/_waveflow_out/checkpoints/step-3612.pdopt


when i run sys synthesis.py of waveflow,get a NotFoundError

File "D:\SoftWare\Anaconda\envs\Parakeet\lib\site-packages\paddle\fluid\layers\nn.py", line 7372, in reshape
out, _ = core.ops.reshape2(x, 'shape', shape)
paddle.fluid.core_avx.EnforceNotMet:

Error Message Summary:

NotFoundError: Operator reshape2 does not have kernel for data_type[::paddle::platform::float16]:data_layout[ANY_LAYOUT]:place[CPUPlace]:library_type[PLAIN].
[Hint: Expected kernel_iter != kernels.end(), but received kernel_iter == kernels.end().] at (D:\1.8.2\paddle\paddle\fluid\imperative\prepared_operator.cc:118)

Deepvoice3 的最新预训练模型在哪下载呢?

看到deepvoice3 的最新版本结合了waveflow想试验下合成效果:
首先更新了本地库,然后按照介绍尝试着运行了如下合成命令:
python synthesize.py --config configs/ljspeech.yaml --input sentences.txt --output sy_outputs/ --checkpoint pre_model/step-1560000 --monotonic_layers "5,6" --vocoder waveflow

报错:RuntimeError: Parameter not found, Can't not find [ char_embedding.weight ] in stat_dictuse_structured_name is set to [True]

这里的预训练模型是之前下载的,现在我看Parakeet下已经没有deepvocie3预训练模型下载了。
这块的报错是跟什么有关呢?

Bug in training

hi, when I following the readme to train the transformer, I got an error that
Traceback (most recent call last):
File "train_transformer.py", line 26, in
from parakeet.models.transformer_tts.utils import cross_entropy
ModuleNotFoundError: No module named 'parakeet'
But I can't find the models file in the file, could you tell me how to solve it? Thanks a lot!

训练fastspeech时报错

按步骤训练fastspeech时,在训练之前进行Compute Phoneme Duration的时候,
按照说明,预先在
https://github.com/PaddlePaddle/Parakeet
下载了transformerTTS预训练模型作为教学模型参数,放在pre_modle文件夹下,然后运行时报错如下:

**运行命令:**python get_alignments.py \

--use_gpu=1
--output='./alignments'
--data='~/datasets/LJSpeech-1.1'
--config='../pre_model/ljspeech.yaml'
--checkpoint_transformer='../pre_model/step-162000.pdparams' \

报错log:

Traceback (most recent call last):
File "get_alignments.py", line 132, in
alignments(args)
File "get_alignments.py", line 62, in alignments
network_cfg['embedding_size'], network_cfg['hidden_size'],
KeyError: 'embedding_size'

然后由于下一步训练中的参数可以使用教学模型的alignments.pkl参数和config参数,转而进行train步骤,依旧报错:

运行指令:
python train.py \

--use_gpu=1
--data='~/datasets/LJSpeech-1.1'
--alignments_path='pre_model/alignments.pkl'
--output='./experiments'
--config='./pre_model/ljspeech.yaml' \

报错log如下:

{'alignments_path': 'pre_model/alignments.pkl',
'checkpoint': None,
'config': './pre_model/ljspeech.yaml',
'data': '/datasets/LJSpeech-1.1',
'iteration': None,
'output': './experiments',
'use_gpu': 1}
W0701 01:40:03.189592 15764 device_context.cc:252] Please NOTE: device: 0, CUDA Capability: 61, Driver API Version: 10.1, Runtime API Version: 10.0
W0701 01:40:03.192462 15764 device_context.cc:260] device: 0, cuDNN Version: 7.6.
0it [00:00, ?it/s]Rank 0: checkpoint loaded.
/root/anaconda3/envs/paddle/lib/python3.7/site-packages/librosa/core/audio.py:161: UserWarning: PySoundFile failed. Trying audioread instead.
warnings.warn('PySoundFile failed. Trying audioread instead.')
2020-07-01 01:40:11,265-WARNING: DygraphDataLoader reader thread raised an exception.
Exception in thread Thread-3:
Traceback (most recent call last):
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/librosa/core/audio.py", line 129, in load
with sf.SoundFile(path) as sf_desc:
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/soundfile.py", line 629, in init
self._file = self._open(file, mode_int, closefd)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/soundfile.py", line 1184, in _open
"Error opening {0!r}: ".format(self.name))
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/soundfile.py", line 1357, in _error_check
raise RuntimeError(prefix + _ffi.string(err_str).decode('utf-8', 'replace'))
RuntimeError: Error opening '
/datasets/LJSpeech-1.1/wavs/LJ037-0090.wav': System error.

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "/root/anaconda3/envs/paddle/lib/python3.7/threading.py", line 926, in _bootstrap_inner
self.run()
File "/root/anaconda3/envs/paddle/lib/python3.7/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/paddle/fluid/reader.py", line 913, in _reader_thread_loop_for_singleprocess
six.reraise(*sys.exc_info())
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/six.py", line 703, in reraise
raise value
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/paddle/fluid/reader.py", line 892, in reader_thread_loop_for_singleprocess
for sample in self.batch_reader():
File "/root/AI
/Paddle/Parakeet/parakeet/data/datacargo.py", line 112, in next
minibatch = [self.dataset[i] for i in index]
File "/root/AI
/Paddle/Parakeet/parakeet/data/datacargo.py", line 112, in
minibatch = [self.dataset[i] for i in index]
File "/root/AI
/Paddle/Parakeet/parakeet/data/dataset.py", line 47, in getitem
return self.get_example(index)
File "/root/AI
/Paddle/Parakeet/parakeet/data/dataset.py", line 100, in get_example
self.cache[i] = self.dataset[i]
File "/root/AI
/Paddle/Parakeet/parakeet/data/dataset.py", line 47, in getitem
return self.get_example(index)
File "/root/AI
/Paddle/Parakeet/parakeet/data/dataset.py", line 82, in get_example
return self.transform(in_data)
File "/root/AI
/Paddle/Parakeet/examples/fastspeech/data.py", line 114, in call
wav, _ = librosa.load(str(fname))
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/librosa/core/audio.py", line 162, in load
y, sr_native = __audioread_load(path, offset, duration, dtype)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/librosa/core/audio.py", line 186, in __audioread_load
with audioread.audio_open(path) as input_file:
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/audioread/init.py", line 111, in audio_open
return BackendClass(path)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/audioread/rawread.py", line 62, in init
self._fh = open(filename, 'rb')
FileNotFoundError: [Errno 2] No such file or directory: '~/datasets/LJSpeech-1.1/wavs/LJ037-0090.wav'

Traceback (most recent call last):
File "train.py", line 166, in
main(args)
File "train.py", line 110, in main
batch = next(iterator)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/tqdm/_tqdm.py", line 897, in iter
for obj in iterable:
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/paddle/fluid/reader.py", line 804, in next
return self._reader.read_next_var_list()
paddle.fluid.core_avx.EnforceNotMet:


C++ Call Stacks (More useful to developers):

0 std::string paddle::platform::GetTraceBackString<std::string const&>(std::string const&, char const*, int)
1 paddle::platform::EnforceNotMet::EnforceNotMet(std::string const&, char const*, int)
2 paddle::operators::reader::BlockingQueue<std::vector<paddle::framework::LoDTensor, std::allocatorpaddle::framework::LoDTensor > >::Receive(std::vector<paddle::framework::LoDTensor, std::allocatorpaddle::framework::LoDTensor >)
3 paddle::operators::reader::PyReader::ReadNext(std::vector<paddle::framework::LoDTensor, std::allocatorpaddle::framework::LoDTensor >
)
4 std::_Function_handler<std::unique_ptr<std::__future_base::_Result_base, std::__future_base::_Result_base::_Deleter> (), std::__future_base::_Task_setter<std::unique_ptr<std::__future_base::_Result, std::__future_base::_Result_base::_Deleter>, unsigned long> >::_M_invoke(std::_Any_data const&)
5 std::__future_base::_State_base::_M_do_set(std::function<std::unique_ptr<std::__future_base::_Result_base, std::__future_base::_Result_base::_Deleter> ()>&, bool&)
6 ThreadPool::ThreadPool(unsigned long)::{lambda()#1}::operator()() const


Error Message Summary:

Error: Blocking queue is killed because the data reader raises an exception
[Hint: Expected killed_ != true, but received killed_:1 == true:1.] at (/paddle/paddle/fluid/operators/reader/blocking_queue.h:141)

关于runerror:数据集下载正确并解压也正确,查找文件也存在,为什么会读取错误呢?

以上2个问题希望开发人员帮忙解答~感谢!

NaN loss in deepvoice3 training

Hey, i am currently training a deepvoice3 model on a custom dataset, i am facing this error

2020-06-04 12:01:42,075-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:42,075-WARNING: NaN or Inf found in input tensor.
global_step: 20999 loss: nan
38it [01:14, 2.21s/it]2020-06-04 12:01:43,406-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:43,406-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:43,407-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:43,407-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:43,407-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:43,407-WARNING: NaN or Inf found in input tensor.
global_step: 21000 loss: nan
39it [01:17, 1.95s/it]2020-06-04 12:01:45,869-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:45,870-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:45,870-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:45,871-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:45,872-WARNING: NaN or Inf found in input tensor.
2020-06-04 12:01:45,872-WARNING: NaN or Inf found in input tensor.

The loss comes out to be 'nan'. When i rerun and resume from the latest checkpoint, it works perfectly. Still sometimes the error pops up.

My understanding is that probably the learning rate is high, resulting in 'nan' loss. I have used the default config file and just the sampling rate is different.

Can you help me by suggesting something to solve this issue ?

Thanks

yourlayer

ValueError: super(YourLayer, self).init() should be called first,
How to solve this problem

ops

ImportError: cannot import name 'ops' from 'paddle.fluid.core_avx' (/home/mao/anaconda3/envs/python37/lib/python3.7/site-packages/paddle/fluid/core_avx.so)

TransformerTTS + WaveFlow Pre-train synthesize 问题

我试图参照 https://github.com/PaddlePaddle/Parakeet/blob/develop/examples/tacotron2/synthesize.ipynb 写一个类似的 ipynb

在 examples/transformer_tts 下写了如下的 代码

import numpy as np
import paddle
from parakeet.utils import display
from parakeet.utils import layer_tools

import sys
sys.path.append("../..")
import examples
from parakeet.models.transformer_tts import TransformerTTS
from parakeet.frontend import EnglishCharacter
from examples.transformer_tts import config as transformer_config

# text to bin model
synthesizer_config = transformer_config.get_cfg_defaults()
synthesizer_config.merge_from_file("../../../transformer_tts_ljspeech_ckpt_0.3/config.yaml")
frontend = EnglishCharacter()
model = TransformerTTS.from_pretrained(
    frontend,synthesizer_config, "step-310000")
model.eval()
from parakeet.models.waveflow import ConditionalWaveFlow
from examples.waveflow import config as waveflow_config
vocoder_config = waveflow_config.get_cfg_defaults()
vocoder = ConditionalWaveFlow.from_pretrained(
    vocoder_config,
    "../../../waveflow_ljspeech_ckpt_0.3/step-2000000")
layer_tools.recursively_remove_weight_norm(vocoder)
vocoder.eval()

sentence = "Hello world"

text_ids = paddle.to_tensor(frontend(sentence))
text_ids = paddle.unsqueeze(text_ids, 0)  # (1, T)
with paddle.no_grad():
    outputs = model.infer(text_ids, verbose=True)

mel_output = outputs["mel_output"]

audio = vocoder.infer(paddle.transpose(outputs["mel_output"], [0, 2, 1]))


wav = audio[0].numpy()
from IPython import display as ipd
ipd.Audio(wav, rate=22050)

但输出声音只是 “嘿嘿嘿”,不知道哪位大神指导一下啊哪里错了?

可以训练tts 为特定人的声音吗?

当前有需求,输入一段文本,要求输出为特定人的声音(人可以指定),请问咱们的项目可以做嘛?
另外可以的话,还请您指导一下。训练哪些模型。 谢谢啦

24773 wav file(s) were ignored because neither a .lab file or a .TextGrid file could be found

Setting up corpus information...
24773 wav file(s) were ignored because neither a .lab file or a .TextGrid file could be found, please see C:\Users\xiaofeng/Documents/MFA\test\logging\corpus.log for more information
set()
Traceback (most recent call last):
File "aligner\command_line\train_and_align.py", line 171, in
File "aligner\command_line\train_and_align.py", line 53, in align_corpus
File "aligner\dictionary.py", line 128, in init
File "aligner\dictionary.py", line 18, in compile_graphemes
File "C:\Users\micha\Miniconda3\envs\aligner\lib\re.py", line 233, in compile
File "C:\Users\micha\Miniconda3\envs\aligner\lib\re.py", line 301, in _compile
File "C:\Users\micha\Miniconda3\envs\aligner\lib\sre_compile.py", line 562, in compile
File "C:\Users\micha\Miniconda3\envs\aligner\lib\sre_parse.py", line 855, in parse
File "C:\Users\micha\Miniconda3\envs\aligner\lib\sre_parse.py", line 416, in _parse_sub
File "C:\Users\micha\Miniconda3\envs\aligner\lib\sre_parse.py", line 765, in _parse
File "C:\Users\micha\Miniconda3\envs\aligner\lib\sre_parse.py", line 416, in _parse_sub
File "C:\Users\micha\Miniconda3\envs\aligner\lib\sre_parse.py", line 523, in _parse
sre_constants.error: unterminated character set at position 5
[3104] Failed to execute script train_and_align

在处理音频时出现以下错误,请问a.lab file 和 a .TextGrid file 是怎么来的,这里执行不下去了,还望大佬指教。

Deep Voice 3 + WaveFlow Noisy Output

I am trying to use WaveFlow vocoder with deepvoice3. In order to implement the same i have made minor tweaks in the codebase,:

Firstly i have modified the examples/deepvoice3/utils.py to output only mel bands rather than the synthesized wav

@fluid.framework.dygraph_only
def eval_model(model, text, replace_pronounciation_prob, min_level_db,
               ref_level_db, power, n_iter, win_length, hop_length,
               preemphasis,mel_only=False):
    """generate waveform from text using a deepvoice 3 model"""
    text = np.array(
        en.text_to_sequence(
            text, p=replace_pronounciation_prob),
        dtype=np.int64)
    length = len(text)
    print("text sequence's length: {}".format(length))
    text_positions = np.arange(1, 1 + length)

    text = np.expand_dims(text, 0)
    text_positions = np.expand_dims(text_positions, 0)
    model.eval()
    mel_outputs, linear_outputs, alignments, done = model.transduce(
        dg.to_variable(text), dg.to_variable(text_positions))
    
    if mel_only:
        return mel_outputs,alignments.numpy()[0]

    linear_outputs_np = linear_outputs.numpy()[0].T  # (C, T)
    wav = spec_to_waveform(linear_outputs_np, min_level_db, ref_level_db,
                          power, n_iter, win_length, hop_length, preemphasis)
    alignments_np = alignments.numpy()[0]  # batch_size = 1
    print("linear_outputs's shape: ", linear_outputs_np.shape)
    print("alignmnets' shape:", alignments.shape)
    return wav, alignments_np

Now i call the modified eval_model from deepvoice3 to return mel output

mel_wav, attn = eval_model(dv3, text, replace_pronounciation_prob,
                                       min_level_db, ref_level_db, power,
                                       n_iter, win_length, hop_length,
                                       preemphasis,mel_only=mel_only)
                
mel=mel_wav

Reshape mel to match waveflow's mel input

a,b,c = mel.shape
mel_new=F.reshape(mel,(a,c,b))

Once i have these mels, i pass it to waveflow for synthesis

waveflow_model = WaveFlow(waveflow_config,args.waveflow_checkpoint_dir)
waveflow_iteration = waveflow_model.build()

@dg.no_grad
  def infer(self, mel):
    # self.waveflow.eval()
    config = self.config
    print(mel.shape, 'mel.shape')
    start_time = time.time()
    audio = self.waveflow.synthesize(mel, sigma=self.config.sigma)
    syn_time = time.time() - start_time
    return audio,start_time,syn_time

#create wav
wav, start_time,syn_time = waveflow_model.infer(mel_new) 
wav = wav[0]
wav_time = wav.shape[0] / waveflow_config.sample_rate
print("audio time {:.4f}, synthesis time {:.4f}".format(wav_time,
                                                        syn_time))
# Denormalize audio from [-1, 1] to [-32768, 32768] int16 range.
wav = wav.numpy().astype("float32") * 32768.0
wav = wav.astype('int16')
sample_rate = waveflow_config.sample_rate  

plot_alignment(
    attn,
    os.path.join(synthesis_dir,
                    "test_{}_step_{}.png".format(idx, iteration)))
sf.write(
    os.path.join(synthesis_dir,
                    "test_{}_step{}.wav".format(idx, iteration)),
    wav, sample_rate) 

But I only get either noise or blank wav output.

I also tried processing mels similar to what waveflow does,

def process_mel(mel,config):

    '''Normalize mel similar to waveflow'''
    
    clip_val = 1e-5
    ref_constant = 100
    mel = fluid.layers.clip(x=mel,min=clip_val,max=10)
    mel = fluid.layers.scale( x=mel,scale=ref_constant)
    mel = fluid.layers.log(mel)

    return mel

but still the results are same, Can you help me identify what exactly i am doing wrong?

My assumption is that I am not properly supplying mels to the waveflow.

Thanks

有没有视频教程

有没有视频教程有没有视频教程有没有视频教程有没有视频教程

Errors when train other DataSet using FastSpeech

准备用fastSpeech 训练JUST数据集时,先准备使用tts 教学model 得到aligments文件,结果处理时报出如下错误:

运行程序:
python get_alignments_just.py --use_gpu 1 --data '../jsut_ver1.1' --config '../pre_model_tts/ljspeech.yaml' --checkpoint_transformer '../pre_model_tts/step-120000'

输出:
W0728 07:55:57.502537 15534 device_context.cc:252] Please NOTE: device: 0, CUDA Capability: 61, Driver API Version: 10.1, Runtime API Version: 10.0
W0728 07:55:57.505069 15534 device_context.cc:260] device: 0, cuDNN Version: 7.6.
[checkpoint] Rank 0: loaded model from ../pre_model_tts/step-120000.pdparams
7%|███████████▏ | 534/7696 [00:16<03:31, 33.82it/s]Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
Error: /paddle/paddle/fluid/operators/lookup_table_v2_op.cu:43 Assertion id < N failed. Variable value (input) of OP(fluid.layers.embedding) expected >= 0 and < 1024, but got 1053. Please check input value.
........
........
value.
7%|███████████▏ | 537/7696 [00:16<03:36, 33.00it/s]
Traceback (most recent call last):
File "get_alignments_just.py", line 157, in
alignments(args)
File "get_alignments_just.py", line 144, in alignments
network_cfg['decoder_num_head'])
File "/root/AI_/Paddle/Parakeet/parakeet/models/fastspeech/utils.py", line 22, in get_alignment
multi_attn = attn_probs[i].numpy()
paddle.fluid.core_avx.EnforceNotMet:


C++ Call Stacks (More useful to developers):

0 std::string paddle::platform::GetTraceBackString<char const*>(char const*&&, char const*, int)
1 paddle::platform::EnforceNotMet::EnforceNotMet(std::__exception_ptr::exception_ptr, char const*, int)
2 paddle::platform::GpuMemcpySync(void*, void const*, unsigned long, cudaMemcpyKind)


Error Message Summary:

ExternalError: Cuda error(4), unspecified launch failure.
[Advise: An exception occurred on the device while executing a kernel. Common causes include dereferencing an invalid device pointerand accessing out of bounds shared memory. All existing device memory allocations are invalid. To continue using CUDA, theprocess must be terminated and relaunched.] at (/paddle/paddle/fluid/platform/gpu_info.cc:281)

这是哪里出问题了呢?麻烦开发者解答下

训练deepvoice3时,用了自己batch_size=4训练的waveflow,报了tensor的shape错误。请问下应该在哪个地方修改shape

Traceback (most recent call last):
File "E:/AI/Parakeet/examples/deepvoice3/train.py", line 187, in
train(args, config)
File "E:/AI/Parakeet/examples/deepvoice3/train.py", line 137, in train
vocoder = WaveflowVocoder()
File "E:\AI\Parakeet\examples\deepvoice3\vocoder.py", line 24, in init
load_parameters(self.model, checkpoint_path=checkpoint_path)
File "E:\AI\Parakeet\parakeet\utils\io.py", line 135, in load_parameters
model.set_dict(model_dict)
File "E:\setup\anaconda\envs\Parakeet\lib\site-packages\paddle\fluid\dygraph\layers.py", line 665, in set_dict
use_structured_name=use_structured_name)
File "E:\setup\anaconda\envs\Parakeet\lib\site-packages\paddle\fluid\dygraph\layers.py", line 705, in load_dict
para.set_value(stat_dict[key_name])
File "", line 2, in set_value
File "E:\setup\anaconda\envs\Parakeet\lib\site-packages\paddle\fluid\wrapped_decorator.py", line 25, in impl
return wrapped_func(*args, **kwargs)
File "E:\setup\anaconda\envs\Parakeet\lib\site-packages\paddle\fluid\framework.py", line 216, in impl
return func(*args, **kwargs)
File "E:\setup\anaconda\envs\Parakeet\lib\site-packages\paddle\fluid\dygraph\varbase_patch_methods.py", line 66, in set_value
self.name, self_tensor_np.shape, value_np.shape)
AssertionError: Variable Shape not match, Variable [ weight_norm_wrapper_2.w_0 ] need tensor with shape (128, 1, 1, 1) but load set tensor with shape (64, 1, 1, 1)
W0728 16:56:40.347012 11192 device_context.cc:252] Please NOTE: device: 0, CUDA Capability: 52, Driver API Version: 10.1, Runtime API Version: 10.0
W0728 16:56:40.487767 11192 device_context.cc:260] device: 0, cuDNN Version: 7.6.

运行synthesize.py的时候有些问题(transformer tts和waveflow)

用的是paddlepaddle-gpu2.0.0和python3.6.9
transformer tts的时候:
root@43cc45147122:/home/ubuntu/Parakeet/models/transformer_tts# python3.6 synthesize.py --input=sentence2.txt --output=mels/ --device="gpu" --checkpoint_path="step-120000" --verbose
data:
batch_size: 16
d_mel: 80
f_max: 8000
hop_length: 256
mel_end_value: -0.5
mel_start_value: 0.5
n_fft: 1024
padding_idx: 0
sample_rate: 22050
valid_size: 64
win_length: 1024
model:
d_decoder: 256
d_encoder: 512
d_ffn: 1024
d_postnet: 256
d_prenet: 256
decoder_layers: 4
decoder_prenet_dropout: 0.5
dropout: 0.1
encoder_layers: 4
max_reduction_factor: 10
n_heads: 4
postnet_kernel_size: 5
postnet_layers: 5
stop_loss_scale: 8.0
training:
drop_n_heads: [[0, 0], [15000, 1]]
lr: 0.0001
max_iteration: 900000
plot_interval: 1000
reduction_factor: [[0, 10], [80000, 4], [200000, 2]]
save_interval: 10000
valid_interval: 1000
Namespace(checkpoint_path='step-120000', config=None, device='gpu', input='sentence2.txt', opts=None, output='mels/', verbose=True)
W0308 13:08:59.084895 1152 device_context.cc:362] Please NOTE: device: 0, GPU Compute Capability: 6.1, Driver API Version: 11.2, Runtime API Version: 10.2
W0308 13:08:59.088985 1152 device_context.cc:372] device: 0, cuDNN Version: 7.6.
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder_pe_scalar. encoder_pe_scalar is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_pe_scalar. decoder_pe_scalar is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder_prenet.weight. encoder_prenet.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.self_mha.affine_q.weight. encoder.0.self_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.self_mha.affine_q.bias. encoder.0.self_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.self_mha.affine_k.weight. encoder.0.self_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.self_mha.affine_k.bias. encoder.0.self_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.self_mha.affine_v.weight. encoder.0.self_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.self_mha.affine_v.bias. encoder.0.self_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.self_mha.affine_o.weight. encoder.0.self_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.self_mha.affine_o.bias. encoder.0.self_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.layer_norm1.weight. encoder.0.layer_norm1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.layer_norm1.bias. encoder.0.layer_norm1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.ffn.linear1.weight. encoder.0.ffn.linear1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.ffn.linear1.bias. encoder.0.ffn.linear1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.ffn.linear2.weight. encoder.0.ffn.linear2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.ffn.linear2.bias. encoder.0.ffn.linear2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.layer_norm2.weight. encoder.0.layer_norm2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.layer_norm2.bias. encoder.0.layer_norm2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.self_mha.affine_q.weight. encoder.1.self_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.self_mha.affine_q.bias. encoder.1.self_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.self_mha.affine_k.weight. encoder.1.self_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.self_mha.affine_k.bias. encoder.1.self_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.self_mha.affine_v.weight. encoder.1.self_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.self_mha.affine_v.bias. encoder.1.self_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.self_mha.affine_o.weight. encoder.1.self_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.self_mha.affine_o.bias. encoder.1.self_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.layer_norm1.weight. encoder.1.layer_norm1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.layer_norm1.bias. encoder.1.layer_norm1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.ffn.linear1.weight. encoder.1.ffn.linear1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.ffn.linear1.bias. encoder.1.ffn.linear1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.ffn.linear2.weight. encoder.1.ffn.linear2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.ffn.linear2.bias. encoder.1.ffn.linear2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.layer_norm2.weight. encoder.1.layer_norm2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.layer_norm2.bias. encoder.1.layer_norm2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.self_mha.affine_q.weight. encoder.2.self_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.self_mha.affine_q.bias. encoder.2.self_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.self_mha.affine_k.weight. encoder.2.self_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.self_mha.affine_k.bias. encoder.2.self_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.self_mha.affine_v.weight. encoder.2.self_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.self_mha.affine_v.bias. encoder.2.self_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.self_mha.affine_o.weight. encoder.2.self_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.self_mha.affine_o.bias. encoder.2.self_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.layer_norm1.weight. encoder.2.layer_norm1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.layer_norm1.bias. encoder.2.layer_norm1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.ffn.linear1.weight. encoder.2.ffn.linear1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.ffn.linear1.bias. encoder.2.ffn.linear1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.ffn.linear2.weight. encoder.2.ffn.linear2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.ffn.linear2.bias. encoder.2.ffn.linear2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.layer_norm2.weight. encoder.2.layer_norm2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.2.layer_norm2.bias. encoder.2.layer_norm2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.self_mha.affine_q.weight. encoder.3.self_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.self_mha.affine_q.bias. encoder.3.self_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.self_mha.affine_k.weight. encoder.3.self_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.self_mha.affine_k.bias. encoder.3.self_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.self_mha.affine_v.weight. encoder.3.self_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.self_mha.affine_v.bias. encoder.3.self_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.self_mha.affine_o.weight. encoder.3.self_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.self_mha.affine_o.bias. encoder.3.self_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.layer_norm1.weight. encoder.3.layer_norm1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.layer_norm1.bias. encoder.3.layer_norm1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.ffn.linear1.weight. encoder.3.ffn.linear1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.ffn.linear1.bias. encoder.3.ffn.linear1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.ffn.linear2.weight. encoder.3.ffn.linear2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.ffn.linear2.bias. encoder.3.ffn.linear2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.layer_norm2.weight. encoder.3.layer_norm2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.3.layer_norm2.bias. encoder.3.layer_norm2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_prenet.lin1.weight. decoder_prenet.lin1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_prenet.lin1.bias. decoder_prenet.lin1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_prenet.lin2.weight. decoder_prenet.lin2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_prenet.lin2.bias. decoder_prenet.lin2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_prenet.lin3.weight. decoder_prenet.lin3.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_prenet.lin3.bias. decoder_prenet.lin3.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.self_mha.affine_q.weight. decoder.0.self_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.self_mha.affine_q.bias. decoder.0.self_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.self_mha.affine_k.weight. decoder.0.self_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.self_mha.affine_k.bias. decoder.0.self_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.self_mha.affine_v.weight. decoder.0.self_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.self_mha.affine_v.bias. decoder.0.self_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.self_mha.affine_o.weight. decoder.0.self_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.self_mha.affine_o.bias. decoder.0.self_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.layer_norm1.weight. decoder.0.layer_norm1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.layer_norm1.bias. decoder.0.layer_norm1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.cross_mha.affine_q.weight. decoder.0.cross_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.cross_mha.affine_q.bias. decoder.0.cross_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.cross_mha.affine_k.weight. decoder.0.cross_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.cross_mha.affine_k.bias. decoder.0.cross_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.cross_mha.affine_v.weight. decoder.0.cross_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.cross_mha.affine_v.bias. decoder.0.cross_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.cross_mha.affine_o.weight. decoder.0.cross_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.cross_mha.affine_o.bias. decoder.0.cross_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.layer_norm2.weight. decoder.0.layer_norm2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.layer_norm2.bias. decoder.0.layer_norm2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.ffn.linear1.weight. decoder.0.ffn.linear1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.ffn.linear1.bias. decoder.0.ffn.linear1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.ffn.linear2.weight. decoder.0.ffn.linear2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.ffn.linear2.bias. decoder.0.ffn.linear2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.layer_norm3.weight. decoder.0.layer_norm3.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.layer_norm3.bias. decoder.0.layer_norm3.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.self_mha.affine_q.weight. decoder.1.self_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.self_mha.affine_q.bias. decoder.1.self_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.self_mha.affine_k.weight. decoder.1.self_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.self_mha.affine_k.bias. decoder.1.self_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.self_mha.affine_v.weight. decoder.1.self_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.self_mha.affine_v.bias. decoder.1.self_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.self_mha.affine_o.weight. decoder.1.self_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.self_mha.affine_o.bias. decoder.1.self_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.layer_norm1.weight. decoder.1.layer_norm1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.layer_norm1.bias. decoder.1.layer_norm1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.cross_mha.affine_q.weight. decoder.1.cross_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.cross_mha.affine_q.bias. decoder.1.cross_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.cross_mha.affine_k.weight. decoder.1.cross_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.cross_mha.affine_k.bias. decoder.1.cross_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.cross_mha.affine_v.weight. decoder.1.cross_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.cross_mha.affine_v.bias. decoder.1.cross_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.cross_mha.affine_o.weight. decoder.1.cross_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.cross_mha.affine_o.bias. decoder.1.cross_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.layer_norm2.weight. decoder.1.layer_norm2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.layer_norm2.bias. decoder.1.layer_norm2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.ffn.linear1.weight. decoder.1.ffn.linear1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.ffn.linear1.bias. decoder.1.ffn.linear1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.ffn.linear2.weight. decoder.1.ffn.linear2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.ffn.linear2.bias. decoder.1.ffn.linear2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.layer_norm3.weight. decoder.1.layer_norm3.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.layer_norm3.bias. decoder.1.layer_norm3.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.self_mha.affine_q.weight. decoder.2.self_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.self_mha.affine_q.bias. decoder.2.self_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.self_mha.affine_k.weight. decoder.2.self_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.self_mha.affine_k.bias. decoder.2.self_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.self_mha.affine_v.weight. decoder.2.self_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.self_mha.affine_v.bias. decoder.2.self_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.self_mha.affine_o.weight. decoder.2.self_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.self_mha.affine_o.bias. decoder.2.self_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.layer_norm1.weight. decoder.2.layer_norm1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.layer_norm1.bias. decoder.2.layer_norm1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.cross_mha.affine_q.weight. decoder.2.cross_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.cross_mha.affine_q.bias. decoder.2.cross_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.cross_mha.affine_k.weight. decoder.2.cross_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.cross_mha.affine_k.bias. decoder.2.cross_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.cross_mha.affine_v.weight. decoder.2.cross_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.cross_mha.affine_v.bias. decoder.2.cross_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.cross_mha.affine_o.weight. decoder.2.cross_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.cross_mha.affine_o.bias. decoder.2.cross_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.layer_norm2.weight. decoder.2.layer_norm2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.layer_norm2.bias. decoder.2.layer_norm2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.ffn.linear1.weight. decoder.2.ffn.linear1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.ffn.linear1.bias. decoder.2.ffn.linear1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.ffn.linear2.weight. decoder.2.ffn.linear2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.ffn.linear2.bias. decoder.2.ffn.linear2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.layer_norm3.weight. decoder.2.layer_norm3.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.layer_norm3.bias. decoder.2.layer_norm3.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.self_mha.affine_q.weight. decoder.3.self_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.self_mha.affine_q.bias. decoder.3.self_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.self_mha.affine_k.weight. decoder.3.self_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.self_mha.affine_k.bias. decoder.3.self_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.self_mha.affine_v.weight. decoder.3.self_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.self_mha.affine_v.bias. decoder.3.self_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.self_mha.affine_o.weight. decoder.3.self_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.self_mha.affine_o.bias. decoder.3.self_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.layer_norm1.weight. decoder.3.layer_norm1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.layer_norm1.bias. decoder.3.layer_norm1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.cross_mha.affine_q.weight. decoder.3.cross_mha.affine_q.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.cross_mha.affine_q.bias. decoder.3.cross_mha.affine_q.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.cross_mha.affine_k.weight. decoder.3.cross_mha.affine_k.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.cross_mha.affine_k.bias. decoder.3.cross_mha.affine_k.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.cross_mha.affine_v.weight. decoder.3.cross_mha.affine_v.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.cross_mha.affine_v.bias. decoder.3.cross_mha.affine_v.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.cross_mha.affine_o.weight. decoder.3.cross_mha.affine_o.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.cross_mha.affine_o.bias. decoder.3.cross_mha.affine_o.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.layer_norm2.weight. decoder.3.layer_norm2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.layer_norm2.bias. decoder.3.layer_norm2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.ffn.linear1.weight. decoder.3.ffn.linear1.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.ffn.linear1.bias. decoder.3.ffn.linear1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.ffn.linear2.weight. decoder.3.ffn.linear2.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.ffn.linear2.bias. decoder.3.ffn.linear2.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.layer_norm3.weight. decoder.3.layer_norm3.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.layer_norm3.bias. decoder.3.layer_norm3.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for final_proj.weight. final_proj.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for final_proj.bias. final_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.0.conv.weight. decoder_postnet.convs.0.conv.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.0.conv.bias. decoder_postnet.convs.0.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.0.bn.weight. decoder_postnet.convs.0.bn.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.0.bn.bias. decoder_postnet.convs.0.bn.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.0.bn._mean. decoder_postnet.convs.0.bn._mean is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.0.bn._variance. decoder_postnet.convs.0.bn._variance is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.1.conv.weight. decoder_postnet.convs.1.conv.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.1.conv.bias. decoder_postnet.convs.1.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.1.bn.weight. decoder_postnet.convs.1.bn.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.1.bn.bias. decoder_postnet.convs.1.bn.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.1.bn._mean. decoder_postnet.convs.1.bn._mean is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.1.bn._variance. decoder_postnet.convs.1.bn._variance is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.2.conv.weight. decoder_postnet.convs.2.conv.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.2.conv.bias. decoder_postnet.convs.2.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.2.bn.weight. decoder_postnet.convs.2.bn.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.2.bn.bias. decoder_postnet.convs.2.bn.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.2.bn._mean. decoder_postnet.convs.2.bn._mean is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.2.bn._variance. decoder_postnet.convs.2.bn._variance is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.3.conv.weight. decoder_postnet.convs.3.conv.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.3.conv.bias. decoder_postnet.convs.3.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.3.bn.weight. decoder_postnet.convs.3.bn.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.3.bn.bias. decoder_postnet.convs.3.bn.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.3.bn._mean. decoder_postnet.convs.3.bn._mean is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.3.bn._variance. decoder_postnet.convs.3.bn._variance is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.4.conv.weight. decoder_postnet.convs.4.conv.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.4.conv.bias. decoder_postnet.convs.4.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.4.bn.weight. decoder_postnet.convs.4.bn.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.4.bn.bias. decoder_postnet.convs.4.bn.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.4.bn._mean. decoder_postnet.convs.4.bn._mean is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.convs.4.bn._variance. decoder_postnet.convs.4.bn._variance is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.last_bn.weight. decoder_postnet.last_bn.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.last_bn.bias. decoder_postnet.last_bn.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.last_bn._mean. decoder_postnet.last_bn._mean is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder_postnet.last_bn._variance. decoder_postnet.last_bn._variance is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for stop_conditioner.weight. stop_conditioner.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for stop_conditioner.bias. stop_conditioner.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
[checkpoint] Rank 0: loaded model from step-120000.pdparams
0%| | 0/251 [00:00<?, ?it/s]Hits stop condition.

spectrogram saved at mels/sentence_0.npy
0%| | 0/251 [00:00<?, ?it/s]Hits stop condition.

spectrogram saved at mels/sentence_1.npy

然后用这两个.npy文件跑waveflow的时候:
root@43cc45147122:/home/ubuntu/Parakeet/models/waveflow# python3 synthesize.py --input=mels/ --output=wavs/ --checkpoint_path="step-2000000" --device="gpu" --verbose
data:
batch_size: 8
clip_frames: 65
f_max: 8000
hop_length: 256
n_fft: 1024
n_mels: 80
sample_rate: 22050
valid_size: 16
win_length: 1024
model:
channels: 128
kernel_size: [3, 3]
n_flows: 8
n_group: 16
n_layers: 8
sigma: 1.0
upsample_factors: [16, 16]
training:
lr: 0.0002
max_iteration: 3000000
save_interval: 10000
valid_interval: 1000
Namespace(checkpoint_path='step-2000000', config=None, device='gpu', input='mels/', opts=None, output='wavs/', verbose=True)
W0308 13:17:07.626359 2110 device_context.cc:362] Please NOTE: device: 0, GPU Compute Capability: 6.1, Driver API Version: 11.2, Runtime API Version: 10.2
W0308 13:17:07.631304 2110 device_context.cc:372] device: 0, cuDNN Version: 7.6.
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.bias. encoder.0.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.weight_v. encoder.0.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.0.weight_g. encoder.0.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.bias. encoder.1.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.weight_v. encoder.1.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for encoder.1.weight_g. encoder.1.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.input_proj.bias. decoder.0.input_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.input_proj.weight_v. decoder.0.input_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.input_proj.weight_g. decoder.0.input_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.0.conv.bias. decoder.0.resnet.0.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.0.conv.weight_v. decoder.0.resnet.0.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.0.conv.weight_g. decoder.0.resnet.0.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.0.condition_proj.bias. decoder.0.resnet.0.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.0.condition_proj.weight_v. decoder.0.resnet.0.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.0.condition_proj.weight_g. decoder.0.resnet.0.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.0.out_proj.bias. decoder.0.resnet.0.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.0.out_proj.weight_v. decoder.0.resnet.0.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.0.out_proj.weight_g. decoder.0.resnet.0.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.1.conv.bias. decoder.0.resnet.1.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.1.conv.weight_v. decoder.0.resnet.1.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.1.conv.weight_g. decoder.0.resnet.1.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.1.condition_proj.bias. decoder.0.resnet.1.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.1.condition_proj.weight_v. decoder.0.resnet.1.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.1.condition_proj.weight_g. decoder.0.resnet.1.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.1.out_proj.bias. decoder.0.resnet.1.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.1.out_proj.weight_v. decoder.0.resnet.1.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.1.out_proj.weight_g. decoder.0.resnet.1.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.2.conv.bias. decoder.0.resnet.2.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.2.conv.weight_v. decoder.0.resnet.2.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.2.conv.weight_g. decoder.0.resnet.2.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.2.condition_proj.bias. decoder.0.resnet.2.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.2.condition_proj.weight_v. decoder.0.resnet.2.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.2.condition_proj.weight_g. decoder.0.resnet.2.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.2.out_proj.bias. decoder.0.resnet.2.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.2.out_proj.weight_v. decoder.0.resnet.2.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.2.out_proj.weight_g. decoder.0.resnet.2.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.3.conv.bias. decoder.0.resnet.3.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.3.conv.weight_v. decoder.0.resnet.3.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.3.conv.weight_g. decoder.0.resnet.3.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.3.condition_proj.bias. decoder.0.resnet.3.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.3.condition_proj.weight_v. decoder.0.resnet.3.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.3.condition_proj.weight_g. decoder.0.resnet.3.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.3.out_proj.bias. decoder.0.resnet.3.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.3.out_proj.weight_v. decoder.0.resnet.3.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.3.out_proj.weight_g. decoder.0.resnet.3.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.4.conv.bias. decoder.0.resnet.4.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.4.conv.weight_v. decoder.0.resnet.4.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.4.conv.weight_g. decoder.0.resnet.4.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.4.condition_proj.bias. decoder.0.resnet.4.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.4.condition_proj.weight_v. decoder.0.resnet.4.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.4.condition_proj.weight_g. decoder.0.resnet.4.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.4.out_proj.bias. decoder.0.resnet.4.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.4.out_proj.weight_v. decoder.0.resnet.4.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.4.out_proj.weight_g. decoder.0.resnet.4.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.5.conv.bias. decoder.0.resnet.5.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.5.conv.weight_v. decoder.0.resnet.5.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.5.conv.weight_g. decoder.0.resnet.5.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.5.condition_proj.bias. decoder.0.resnet.5.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.5.condition_proj.weight_v. decoder.0.resnet.5.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.5.condition_proj.weight_g. decoder.0.resnet.5.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.5.out_proj.bias. decoder.0.resnet.5.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.5.out_proj.weight_v. decoder.0.resnet.5.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.5.out_proj.weight_g. decoder.0.resnet.5.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.6.conv.bias. decoder.0.resnet.6.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.6.conv.weight_v. decoder.0.resnet.6.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.6.conv.weight_g. decoder.0.resnet.6.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.6.condition_proj.bias. decoder.0.resnet.6.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.6.condition_proj.weight_v. decoder.0.resnet.6.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.6.condition_proj.weight_g. decoder.0.resnet.6.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.6.out_proj.bias. decoder.0.resnet.6.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.6.out_proj.weight_v. decoder.0.resnet.6.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.6.out_proj.weight_g. decoder.0.resnet.6.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.7.conv.bias. decoder.0.resnet.7.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.7.conv.weight_v. decoder.0.resnet.7.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.7.conv.weight_g. decoder.0.resnet.7.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.7.condition_proj.bias. decoder.0.resnet.7.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.7.condition_proj.weight_v. decoder.0.resnet.7.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.7.condition_proj.weight_g. decoder.0.resnet.7.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.7.out_proj.bias. decoder.0.resnet.7.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.7.out_proj.weight_v. decoder.0.resnet.7.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.resnet.7.out_proj.weight_g. decoder.0.resnet.7.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.output_proj.weight. decoder.0.output_proj.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.0.output_proj.bias. decoder.0.output_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.input_proj.bias. decoder.1.input_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.input_proj.weight_v. decoder.1.input_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.input_proj.weight_g. decoder.1.input_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.0.conv.bias. decoder.1.resnet.0.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.0.conv.weight_v. decoder.1.resnet.0.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.0.conv.weight_g. decoder.1.resnet.0.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.0.condition_proj.bias. decoder.1.resnet.0.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.0.condition_proj.weight_v. decoder.1.resnet.0.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.0.condition_proj.weight_g. decoder.1.resnet.0.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.0.out_proj.bias. decoder.1.resnet.0.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.0.out_proj.weight_v. decoder.1.resnet.0.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.0.out_proj.weight_g. decoder.1.resnet.0.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.1.conv.bias. decoder.1.resnet.1.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.1.conv.weight_v. decoder.1.resnet.1.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.1.conv.weight_g. decoder.1.resnet.1.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.1.condition_proj.bias. decoder.1.resnet.1.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.1.condition_proj.weight_v. decoder.1.resnet.1.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.1.condition_proj.weight_g. decoder.1.resnet.1.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.1.out_proj.bias. decoder.1.resnet.1.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.1.out_proj.weight_v. decoder.1.resnet.1.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.1.out_proj.weight_g. decoder.1.resnet.1.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.2.conv.bias. decoder.1.resnet.2.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.2.conv.weight_v. decoder.1.resnet.2.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.2.conv.weight_g. decoder.1.resnet.2.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.2.condition_proj.bias. decoder.1.resnet.2.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.2.condition_proj.weight_v. decoder.1.resnet.2.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.2.condition_proj.weight_g. decoder.1.resnet.2.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.2.out_proj.bias. decoder.1.resnet.2.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.2.out_proj.weight_v. decoder.1.resnet.2.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.2.out_proj.weight_g. decoder.1.resnet.2.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.3.conv.bias. decoder.1.resnet.3.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.3.conv.weight_v. decoder.1.resnet.3.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.3.conv.weight_g. decoder.1.resnet.3.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.3.condition_proj.bias. decoder.1.resnet.3.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.3.condition_proj.weight_v. decoder.1.resnet.3.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.3.condition_proj.weight_g. decoder.1.resnet.3.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.3.out_proj.bias. decoder.1.resnet.3.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.3.out_proj.weight_v. decoder.1.resnet.3.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.3.out_proj.weight_g. decoder.1.resnet.3.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.4.conv.bias. decoder.1.resnet.4.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.4.conv.weight_v. decoder.1.resnet.4.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.4.conv.weight_g. decoder.1.resnet.4.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.4.condition_proj.bias. decoder.1.resnet.4.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.4.condition_proj.weight_v. decoder.1.resnet.4.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.4.condition_proj.weight_g. decoder.1.resnet.4.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.4.out_proj.bias. decoder.1.resnet.4.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.4.out_proj.weight_v. decoder.1.resnet.4.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.4.out_proj.weight_g. decoder.1.resnet.4.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.5.conv.bias. decoder.1.resnet.5.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.5.conv.weight_v. decoder.1.resnet.5.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.5.conv.weight_g. decoder.1.resnet.5.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.5.condition_proj.bias. decoder.1.resnet.5.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.5.condition_proj.weight_v. decoder.1.resnet.5.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.5.condition_proj.weight_g. decoder.1.resnet.5.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.5.out_proj.bias. decoder.1.resnet.5.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.5.out_proj.weight_v. decoder.1.resnet.5.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.5.out_proj.weight_g. decoder.1.resnet.5.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.6.conv.bias. decoder.1.resnet.6.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.6.conv.weight_v. decoder.1.resnet.6.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.6.conv.weight_g. decoder.1.resnet.6.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.6.condition_proj.bias. decoder.1.resnet.6.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.6.condition_proj.weight_v. decoder.1.resnet.6.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.6.condition_proj.weight_g. decoder.1.resnet.6.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.6.out_proj.bias. decoder.1.resnet.6.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.6.out_proj.weight_v. decoder.1.resnet.6.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.6.out_proj.weight_g. decoder.1.resnet.6.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.7.conv.bias. decoder.1.resnet.7.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.7.conv.weight_v. decoder.1.resnet.7.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.7.conv.weight_g. decoder.1.resnet.7.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.7.condition_proj.bias. decoder.1.resnet.7.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.7.condition_proj.weight_v. decoder.1.resnet.7.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.7.condition_proj.weight_g. decoder.1.resnet.7.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.7.out_proj.bias. decoder.1.resnet.7.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.7.out_proj.weight_v. decoder.1.resnet.7.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.resnet.7.out_proj.weight_g. decoder.1.resnet.7.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.output_proj.weight. decoder.1.output_proj.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.1.output_proj.bias. decoder.1.output_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.input_proj.bias. decoder.2.input_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.input_proj.weight_v. decoder.2.input_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.input_proj.weight_g. decoder.2.input_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.0.conv.bias. decoder.2.resnet.0.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.0.conv.weight_v. decoder.2.resnet.0.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.0.conv.weight_g. decoder.2.resnet.0.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.0.condition_proj.bias. decoder.2.resnet.0.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.0.condition_proj.weight_v. decoder.2.resnet.0.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.0.condition_proj.weight_g. decoder.2.resnet.0.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.0.out_proj.bias. decoder.2.resnet.0.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.0.out_proj.weight_v. decoder.2.resnet.0.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.0.out_proj.weight_g. decoder.2.resnet.0.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.1.conv.bias. decoder.2.resnet.1.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.1.conv.weight_v. decoder.2.resnet.1.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.1.conv.weight_g. decoder.2.resnet.1.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.1.condition_proj.bias. decoder.2.resnet.1.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.1.condition_proj.weight_v. decoder.2.resnet.1.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.1.condition_proj.weight_g. decoder.2.resnet.1.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.1.out_proj.bias. decoder.2.resnet.1.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.1.out_proj.weight_v. decoder.2.resnet.1.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.1.out_proj.weight_g. decoder.2.resnet.1.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.2.conv.bias. decoder.2.resnet.2.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.2.conv.weight_v. decoder.2.resnet.2.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.2.conv.weight_g. decoder.2.resnet.2.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.2.condition_proj.bias. decoder.2.resnet.2.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.2.condition_proj.weight_v. decoder.2.resnet.2.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.2.condition_proj.weight_g. decoder.2.resnet.2.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.2.out_proj.bias. decoder.2.resnet.2.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.2.out_proj.weight_v. decoder.2.resnet.2.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.2.out_proj.weight_g. decoder.2.resnet.2.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.3.conv.bias. decoder.2.resnet.3.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.3.conv.weight_v. decoder.2.resnet.3.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.3.conv.weight_g. decoder.2.resnet.3.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.3.condition_proj.bias. decoder.2.resnet.3.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.3.condition_proj.weight_v. decoder.2.resnet.3.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.3.condition_proj.weight_g. decoder.2.resnet.3.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.3.out_proj.bias. decoder.2.resnet.3.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.3.out_proj.weight_v. decoder.2.resnet.3.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.3.out_proj.weight_g. decoder.2.resnet.3.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.4.conv.bias. decoder.2.resnet.4.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.4.conv.weight_v. decoder.2.resnet.4.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.4.conv.weight_g. decoder.2.resnet.4.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.4.condition_proj.bias. decoder.2.resnet.4.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.4.condition_proj.weight_v. decoder.2.resnet.4.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.4.condition_proj.weight_g. decoder.2.resnet.4.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.4.out_proj.bias. decoder.2.resnet.4.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.4.out_proj.weight_v. decoder.2.resnet.4.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.4.out_proj.weight_g. decoder.2.resnet.4.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.5.conv.bias. decoder.2.resnet.5.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.5.conv.weight_v. decoder.2.resnet.5.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.5.conv.weight_g. decoder.2.resnet.5.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.5.condition_proj.bias. decoder.2.resnet.5.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.5.condition_proj.weight_v. decoder.2.resnet.5.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.5.condition_proj.weight_g. decoder.2.resnet.5.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.5.out_proj.bias. decoder.2.resnet.5.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.5.out_proj.weight_v. decoder.2.resnet.5.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.5.out_proj.weight_g. decoder.2.resnet.5.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.6.conv.bias. decoder.2.resnet.6.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.6.conv.weight_v. decoder.2.resnet.6.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.6.conv.weight_g. decoder.2.resnet.6.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.6.condition_proj.bias. decoder.2.resnet.6.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.6.condition_proj.weight_v. decoder.2.resnet.6.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.6.condition_proj.weight_g. decoder.2.resnet.6.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.6.out_proj.bias. decoder.2.resnet.6.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.6.out_proj.weight_v. decoder.2.resnet.6.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.6.out_proj.weight_g. decoder.2.resnet.6.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.7.conv.bias. decoder.2.resnet.7.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.7.conv.weight_v. decoder.2.resnet.7.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.7.conv.weight_g. decoder.2.resnet.7.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.7.condition_proj.bias. decoder.2.resnet.7.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.7.condition_proj.weight_v. decoder.2.resnet.7.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.7.condition_proj.weight_g. decoder.2.resnet.7.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.7.out_proj.bias. decoder.2.resnet.7.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.7.out_proj.weight_v. decoder.2.resnet.7.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.resnet.7.out_proj.weight_g. decoder.2.resnet.7.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.output_proj.weight. decoder.2.output_proj.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.2.output_proj.bias. decoder.2.output_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.input_proj.bias. decoder.3.input_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.input_proj.weight_v. decoder.3.input_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.input_proj.weight_g. decoder.3.input_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.0.conv.bias. decoder.3.resnet.0.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.0.conv.weight_v. decoder.3.resnet.0.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.0.conv.weight_g. decoder.3.resnet.0.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.0.condition_proj.bias. decoder.3.resnet.0.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.0.condition_proj.weight_v. decoder.3.resnet.0.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.0.condition_proj.weight_g. decoder.3.resnet.0.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.0.out_proj.bias. decoder.3.resnet.0.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.0.out_proj.weight_v. decoder.3.resnet.0.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.0.out_proj.weight_g. decoder.3.resnet.0.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.1.conv.bias. decoder.3.resnet.1.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.1.conv.weight_v. decoder.3.resnet.1.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.1.conv.weight_g. decoder.3.resnet.1.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.1.condition_proj.bias. decoder.3.resnet.1.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.1.condition_proj.weight_v. decoder.3.resnet.1.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.1.condition_proj.weight_g. decoder.3.resnet.1.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.1.out_proj.bias. decoder.3.resnet.1.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.1.out_proj.weight_v. decoder.3.resnet.1.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.1.out_proj.weight_g. decoder.3.resnet.1.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.2.conv.bias. decoder.3.resnet.2.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.2.conv.weight_v. decoder.3.resnet.2.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.2.conv.weight_g. decoder.3.resnet.2.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.2.condition_proj.bias. decoder.3.resnet.2.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.2.condition_proj.weight_v. decoder.3.resnet.2.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.2.condition_proj.weight_g. decoder.3.resnet.2.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.2.out_proj.bias. decoder.3.resnet.2.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.2.out_proj.weight_v. decoder.3.resnet.2.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.2.out_proj.weight_g. decoder.3.resnet.2.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.3.conv.bias. decoder.3.resnet.3.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.3.conv.weight_v. decoder.3.resnet.3.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.3.conv.weight_g. decoder.3.resnet.3.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.3.condition_proj.bias. decoder.3.resnet.3.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.3.condition_proj.weight_v. decoder.3.resnet.3.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.3.condition_proj.weight_g. decoder.3.resnet.3.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.3.out_proj.bias. decoder.3.resnet.3.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.3.out_proj.weight_v. decoder.3.resnet.3.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.3.out_proj.weight_g. decoder.3.resnet.3.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.4.conv.bias. decoder.3.resnet.4.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.4.conv.weight_v. decoder.3.resnet.4.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.4.conv.weight_g. decoder.3.resnet.4.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.4.condition_proj.bias. decoder.3.resnet.4.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.4.condition_proj.weight_v. decoder.3.resnet.4.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.4.condition_proj.weight_g. decoder.3.resnet.4.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.4.out_proj.bias. decoder.3.resnet.4.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.4.out_proj.weight_v. decoder.3.resnet.4.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.4.out_proj.weight_g. decoder.3.resnet.4.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.5.conv.bias. decoder.3.resnet.5.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.5.conv.weight_v. decoder.3.resnet.5.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.5.conv.weight_g. decoder.3.resnet.5.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.5.condition_proj.bias. decoder.3.resnet.5.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.5.condition_proj.weight_v. decoder.3.resnet.5.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.5.condition_proj.weight_g. decoder.3.resnet.5.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.5.out_proj.bias. decoder.3.resnet.5.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.5.out_proj.weight_v. decoder.3.resnet.5.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.5.out_proj.weight_g. decoder.3.resnet.5.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.6.conv.bias. decoder.3.resnet.6.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.6.conv.weight_v. decoder.3.resnet.6.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.6.conv.weight_g. decoder.3.resnet.6.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.6.condition_proj.bias. decoder.3.resnet.6.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.6.condition_proj.weight_v. decoder.3.resnet.6.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.6.condition_proj.weight_g. decoder.3.resnet.6.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.6.out_proj.bias. decoder.3.resnet.6.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.6.out_proj.weight_v. decoder.3.resnet.6.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.6.out_proj.weight_g. decoder.3.resnet.6.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.7.conv.bias. decoder.3.resnet.7.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.7.conv.weight_v. decoder.3.resnet.7.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.7.conv.weight_g. decoder.3.resnet.7.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.7.condition_proj.bias. decoder.3.resnet.7.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.7.condition_proj.weight_v. decoder.3.resnet.7.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.7.condition_proj.weight_g. decoder.3.resnet.7.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.7.out_proj.bias. decoder.3.resnet.7.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.7.out_proj.weight_v. decoder.3.resnet.7.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.resnet.7.out_proj.weight_g. decoder.3.resnet.7.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.output_proj.weight. decoder.3.output_proj.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.3.output_proj.bias. decoder.3.output_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.input_proj.bias. decoder.4.input_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.input_proj.weight_v. decoder.4.input_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.input_proj.weight_g. decoder.4.input_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.0.conv.bias. decoder.4.resnet.0.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.0.conv.weight_v. decoder.4.resnet.0.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.0.conv.weight_g. decoder.4.resnet.0.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.0.condition_proj.bias. decoder.4.resnet.0.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.0.condition_proj.weight_v. decoder.4.resnet.0.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.0.condition_proj.weight_g. decoder.4.resnet.0.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.0.out_proj.bias. decoder.4.resnet.0.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.0.out_proj.weight_v. decoder.4.resnet.0.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.0.out_proj.weight_g. decoder.4.resnet.0.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.1.conv.bias. decoder.4.resnet.1.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.1.conv.weight_v. decoder.4.resnet.1.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.1.conv.weight_g. decoder.4.resnet.1.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.1.condition_proj.bias. decoder.4.resnet.1.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.1.condition_proj.weight_v. decoder.4.resnet.1.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.1.condition_proj.weight_g. decoder.4.resnet.1.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.1.out_proj.bias. decoder.4.resnet.1.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.1.out_proj.weight_v. decoder.4.resnet.1.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.1.out_proj.weight_g. decoder.4.resnet.1.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.2.conv.bias. decoder.4.resnet.2.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.2.conv.weight_v. decoder.4.resnet.2.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.2.conv.weight_g. decoder.4.resnet.2.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.2.condition_proj.bias. decoder.4.resnet.2.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.2.condition_proj.weight_v. decoder.4.resnet.2.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.2.condition_proj.weight_g. decoder.4.resnet.2.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.2.out_proj.bias. decoder.4.resnet.2.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.2.out_proj.weight_v. decoder.4.resnet.2.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.2.out_proj.weight_g. decoder.4.resnet.2.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.3.conv.bias. decoder.4.resnet.3.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.3.conv.weight_v. decoder.4.resnet.3.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.3.conv.weight_g. decoder.4.resnet.3.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.3.condition_proj.bias. decoder.4.resnet.3.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.3.condition_proj.weight_v. decoder.4.resnet.3.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.3.condition_proj.weight_g. decoder.4.resnet.3.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.3.out_proj.bias. decoder.4.resnet.3.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.3.out_proj.weight_v. decoder.4.resnet.3.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.3.out_proj.weight_g. decoder.4.resnet.3.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.4.conv.bias. decoder.4.resnet.4.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.4.conv.weight_v. decoder.4.resnet.4.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.4.conv.weight_g. decoder.4.resnet.4.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.4.condition_proj.bias. decoder.4.resnet.4.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.4.condition_proj.weight_v. decoder.4.resnet.4.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.4.condition_proj.weight_g. decoder.4.resnet.4.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.4.out_proj.bias. decoder.4.resnet.4.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.4.out_proj.weight_v. decoder.4.resnet.4.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.4.out_proj.weight_g. decoder.4.resnet.4.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.5.conv.bias. decoder.4.resnet.5.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.5.conv.weight_v. decoder.4.resnet.5.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.5.conv.weight_g. decoder.4.resnet.5.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.5.condition_proj.bias. decoder.4.resnet.5.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.5.condition_proj.weight_v. decoder.4.resnet.5.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.5.condition_proj.weight_g. decoder.4.resnet.5.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.5.out_proj.bias. decoder.4.resnet.5.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.5.out_proj.weight_v. decoder.4.resnet.5.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.5.out_proj.weight_g. decoder.4.resnet.5.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.6.conv.bias. decoder.4.resnet.6.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.6.conv.weight_v. decoder.4.resnet.6.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.6.conv.weight_g. decoder.4.resnet.6.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.6.condition_proj.bias. decoder.4.resnet.6.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.6.condition_proj.weight_v. decoder.4.resnet.6.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.6.condition_proj.weight_g. decoder.4.resnet.6.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.6.out_proj.bias. decoder.4.resnet.6.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.6.out_proj.weight_v. decoder.4.resnet.6.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.6.out_proj.weight_g. decoder.4.resnet.6.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.7.conv.bias. decoder.4.resnet.7.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.7.conv.weight_v. decoder.4.resnet.7.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.7.conv.weight_g. decoder.4.resnet.7.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.7.condition_proj.bias. decoder.4.resnet.7.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.7.condition_proj.weight_v. decoder.4.resnet.7.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.7.condition_proj.weight_g. decoder.4.resnet.7.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.7.out_proj.bias. decoder.4.resnet.7.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.7.out_proj.weight_v. decoder.4.resnet.7.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.resnet.7.out_proj.weight_g. decoder.4.resnet.7.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.output_proj.weight. decoder.4.output_proj.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.4.output_proj.bias. decoder.4.output_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.input_proj.bias. decoder.5.input_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.input_proj.weight_v. decoder.5.input_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.input_proj.weight_g. decoder.5.input_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.0.conv.bias. decoder.5.resnet.0.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.0.conv.weight_v. decoder.5.resnet.0.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.0.conv.weight_g. decoder.5.resnet.0.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.0.condition_proj.bias. decoder.5.resnet.0.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.0.condition_proj.weight_v. decoder.5.resnet.0.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.0.condition_proj.weight_g. decoder.5.resnet.0.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.0.out_proj.bias. decoder.5.resnet.0.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.0.out_proj.weight_v. decoder.5.resnet.0.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.0.out_proj.weight_g. decoder.5.resnet.0.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.1.conv.bias. decoder.5.resnet.1.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.1.conv.weight_v. decoder.5.resnet.1.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.1.conv.weight_g. decoder.5.resnet.1.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.1.condition_proj.bias. decoder.5.resnet.1.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.1.condition_proj.weight_v. decoder.5.resnet.1.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.1.condition_proj.weight_g. decoder.5.resnet.1.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.1.out_proj.bias. decoder.5.resnet.1.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.1.out_proj.weight_v. decoder.5.resnet.1.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.1.out_proj.weight_g. decoder.5.resnet.1.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.2.conv.bias. decoder.5.resnet.2.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.2.conv.weight_v. decoder.5.resnet.2.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.2.conv.weight_g. decoder.5.resnet.2.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.2.condition_proj.bias. decoder.5.resnet.2.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.2.condition_proj.weight_v. decoder.5.resnet.2.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.2.condition_proj.weight_g. decoder.5.resnet.2.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.2.out_proj.bias. decoder.5.resnet.2.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.2.out_proj.weight_v. decoder.5.resnet.2.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.2.out_proj.weight_g. decoder.5.resnet.2.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.3.conv.bias. decoder.5.resnet.3.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.3.conv.weight_v. decoder.5.resnet.3.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.3.conv.weight_g. decoder.5.resnet.3.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.3.condition_proj.bias. decoder.5.resnet.3.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.3.condition_proj.weight_v. decoder.5.resnet.3.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.3.condition_proj.weight_g. decoder.5.resnet.3.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.3.out_proj.bias. decoder.5.resnet.3.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.3.out_proj.weight_v. decoder.5.resnet.3.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.3.out_proj.weight_g. decoder.5.resnet.3.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.4.conv.bias. decoder.5.resnet.4.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.4.conv.weight_v. decoder.5.resnet.4.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.4.conv.weight_g. decoder.5.resnet.4.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.4.condition_proj.bias. decoder.5.resnet.4.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.4.condition_proj.weight_v. decoder.5.resnet.4.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.4.condition_proj.weight_g. decoder.5.resnet.4.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.4.out_proj.bias. decoder.5.resnet.4.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.4.out_proj.weight_v. decoder.5.resnet.4.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.4.out_proj.weight_g. decoder.5.resnet.4.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.5.conv.bias. decoder.5.resnet.5.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.5.conv.weight_v. decoder.5.resnet.5.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.5.conv.weight_g. decoder.5.resnet.5.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.5.condition_proj.bias. decoder.5.resnet.5.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.5.condition_proj.weight_v. decoder.5.resnet.5.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.5.condition_proj.weight_g. decoder.5.resnet.5.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.5.out_proj.bias. decoder.5.resnet.5.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.5.out_proj.weight_v. decoder.5.resnet.5.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.5.out_proj.weight_g. decoder.5.resnet.5.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.6.conv.bias. decoder.5.resnet.6.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.6.conv.weight_v. decoder.5.resnet.6.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.6.conv.weight_g. decoder.5.resnet.6.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.6.condition_proj.bias. decoder.5.resnet.6.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.6.condition_proj.weight_v. decoder.5.resnet.6.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.6.condition_proj.weight_g. decoder.5.resnet.6.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.6.out_proj.bias. decoder.5.resnet.6.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.6.out_proj.weight_v. decoder.5.resnet.6.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.6.out_proj.weight_g. decoder.5.resnet.6.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.7.conv.bias. decoder.5.resnet.7.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.7.conv.weight_v. decoder.5.resnet.7.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.7.conv.weight_g. decoder.5.resnet.7.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.7.condition_proj.bias. decoder.5.resnet.7.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.7.condition_proj.weight_v. decoder.5.resnet.7.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.7.condition_proj.weight_g. decoder.5.resnet.7.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.7.out_proj.bias. decoder.5.resnet.7.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.7.out_proj.weight_v. decoder.5.resnet.7.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.resnet.7.out_proj.weight_g. decoder.5.resnet.7.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.output_proj.weight. decoder.5.output_proj.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.5.output_proj.bias. decoder.5.output_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.input_proj.bias. decoder.6.input_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.input_proj.weight_v. decoder.6.input_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.input_proj.weight_g. decoder.6.input_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.0.conv.bias. decoder.6.resnet.0.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.0.conv.weight_v. decoder.6.resnet.0.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.0.conv.weight_g. decoder.6.resnet.0.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.0.condition_proj.bias. decoder.6.resnet.0.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.0.condition_proj.weight_v. decoder.6.resnet.0.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.0.condition_proj.weight_g. decoder.6.resnet.0.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.0.out_proj.bias. decoder.6.resnet.0.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.0.out_proj.weight_v. decoder.6.resnet.0.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.0.out_proj.weight_g. decoder.6.resnet.0.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.1.conv.bias. decoder.6.resnet.1.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.1.conv.weight_v. decoder.6.resnet.1.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.1.conv.weight_g. decoder.6.resnet.1.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.1.condition_proj.bias. decoder.6.resnet.1.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.1.condition_proj.weight_v. decoder.6.resnet.1.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.1.condition_proj.weight_g. decoder.6.resnet.1.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.1.out_proj.bias. decoder.6.resnet.1.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.1.out_proj.weight_v. decoder.6.resnet.1.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.1.out_proj.weight_g. decoder.6.resnet.1.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.2.conv.bias. decoder.6.resnet.2.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.2.conv.weight_v. decoder.6.resnet.2.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.2.conv.weight_g. decoder.6.resnet.2.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.2.condition_proj.bias. decoder.6.resnet.2.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.2.condition_proj.weight_v. decoder.6.resnet.2.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.2.condition_proj.weight_g. decoder.6.resnet.2.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.2.out_proj.bias. decoder.6.resnet.2.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.2.out_proj.weight_v. decoder.6.resnet.2.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.2.out_proj.weight_g. decoder.6.resnet.2.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.3.conv.bias. decoder.6.resnet.3.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.3.conv.weight_v. decoder.6.resnet.3.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.3.conv.weight_g. decoder.6.resnet.3.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.3.condition_proj.bias. decoder.6.resnet.3.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.3.condition_proj.weight_v. decoder.6.resnet.3.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.3.condition_proj.weight_g. decoder.6.resnet.3.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.3.out_proj.bias. decoder.6.resnet.3.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.3.out_proj.weight_v. decoder.6.resnet.3.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.3.out_proj.weight_g. decoder.6.resnet.3.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.4.conv.bias. decoder.6.resnet.4.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.4.conv.weight_v. decoder.6.resnet.4.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.4.conv.weight_g. decoder.6.resnet.4.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.4.condition_proj.bias. decoder.6.resnet.4.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.4.condition_proj.weight_v. decoder.6.resnet.4.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.4.condition_proj.weight_g. decoder.6.resnet.4.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.4.out_proj.bias. decoder.6.resnet.4.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.4.out_proj.weight_v. decoder.6.resnet.4.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.4.out_proj.weight_g. decoder.6.resnet.4.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.5.conv.bias. decoder.6.resnet.5.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.5.conv.weight_v. decoder.6.resnet.5.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.5.conv.weight_g. decoder.6.resnet.5.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.5.condition_proj.bias. decoder.6.resnet.5.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.5.condition_proj.weight_v. decoder.6.resnet.5.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.5.condition_proj.weight_g. decoder.6.resnet.5.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.5.out_proj.bias. decoder.6.resnet.5.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.5.out_proj.weight_v. decoder.6.resnet.5.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.5.out_proj.weight_g. decoder.6.resnet.5.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.6.conv.bias. decoder.6.resnet.6.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.6.conv.weight_v. decoder.6.resnet.6.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.6.conv.weight_g. decoder.6.resnet.6.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.6.condition_proj.bias. decoder.6.resnet.6.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.6.condition_proj.weight_v. decoder.6.resnet.6.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.6.condition_proj.weight_g. decoder.6.resnet.6.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.6.out_proj.bias. decoder.6.resnet.6.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.6.out_proj.weight_v. decoder.6.resnet.6.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.6.out_proj.weight_g. decoder.6.resnet.6.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.7.conv.bias. decoder.6.resnet.7.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.7.conv.weight_v. decoder.6.resnet.7.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.7.conv.weight_g. decoder.6.resnet.7.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.7.condition_proj.bias. decoder.6.resnet.7.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.7.condition_proj.weight_v. decoder.6.resnet.7.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.7.condition_proj.weight_g. decoder.6.resnet.7.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.7.out_proj.bias. decoder.6.resnet.7.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.7.out_proj.weight_v. decoder.6.resnet.7.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.resnet.7.out_proj.weight_g. decoder.6.resnet.7.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.output_proj.weight. decoder.6.output_proj.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.6.output_proj.bias. decoder.6.output_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.input_proj.bias. decoder.7.input_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.input_proj.weight_v. decoder.7.input_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.input_proj.weight_g. decoder.7.input_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.0.conv.bias. decoder.7.resnet.0.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.0.conv.weight_v. decoder.7.resnet.0.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.0.conv.weight_g. decoder.7.resnet.0.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.0.condition_proj.bias. decoder.7.resnet.0.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.0.condition_proj.weight_v. decoder.7.resnet.0.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.0.condition_proj.weight_g. decoder.7.resnet.0.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.0.out_proj.bias. decoder.7.resnet.0.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.0.out_proj.weight_v. decoder.7.resnet.0.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.0.out_proj.weight_g. decoder.7.resnet.0.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.1.conv.bias. decoder.7.resnet.1.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.1.conv.weight_v. decoder.7.resnet.1.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.1.conv.weight_g. decoder.7.resnet.1.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.1.condition_proj.bias. decoder.7.resnet.1.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.1.condition_proj.weight_v. decoder.7.resnet.1.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.1.condition_proj.weight_g. decoder.7.resnet.1.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.1.out_proj.bias. decoder.7.resnet.1.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.1.out_proj.weight_v. decoder.7.resnet.1.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.1.out_proj.weight_g. decoder.7.resnet.1.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.2.conv.bias. decoder.7.resnet.2.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.2.conv.weight_v. decoder.7.resnet.2.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.2.conv.weight_g. decoder.7.resnet.2.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.2.condition_proj.bias. decoder.7.resnet.2.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.2.condition_proj.weight_v. decoder.7.resnet.2.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.2.condition_proj.weight_g. decoder.7.resnet.2.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.2.out_proj.bias. decoder.7.resnet.2.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.2.out_proj.weight_v. decoder.7.resnet.2.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.2.out_proj.weight_g. decoder.7.resnet.2.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.3.conv.bias. decoder.7.resnet.3.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.3.conv.weight_v. decoder.7.resnet.3.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.3.conv.weight_g. decoder.7.resnet.3.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.3.condition_proj.bias. decoder.7.resnet.3.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.3.condition_proj.weight_v. decoder.7.resnet.3.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.3.condition_proj.weight_g. decoder.7.resnet.3.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.3.out_proj.bias. decoder.7.resnet.3.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.3.out_proj.weight_v. decoder.7.resnet.3.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.3.out_proj.weight_g. decoder.7.resnet.3.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.4.conv.bias. decoder.7.resnet.4.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.4.conv.weight_v. decoder.7.resnet.4.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.4.conv.weight_g. decoder.7.resnet.4.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.4.condition_proj.bias. decoder.7.resnet.4.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.4.condition_proj.weight_v. decoder.7.resnet.4.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.4.condition_proj.weight_g. decoder.7.resnet.4.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.4.out_proj.bias. decoder.7.resnet.4.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.4.out_proj.weight_v. decoder.7.resnet.4.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.4.out_proj.weight_g. decoder.7.resnet.4.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.5.conv.bias. decoder.7.resnet.5.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.5.conv.weight_v. decoder.7.resnet.5.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.5.conv.weight_g. decoder.7.resnet.5.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.5.condition_proj.bias. decoder.7.resnet.5.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.5.condition_proj.weight_v. decoder.7.resnet.5.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.5.condition_proj.weight_g. decoder.7.resnet.5.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.5.out_proj.bias. decoder.7.resnet.5.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.5.out_proj.weight_v. decoder.7.resnet.5.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.5.out_proj.weight_g. decoder.7.resnet.5.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.6.conv.bias. decoder.7.resnet.6.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.6.conv.weight_v. decoder.7.resnet.6.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.6.conv.weight_g. decoder.7.resnet.6.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.6.condition_proj.bias. decoder.7.resnet.6.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.6.condition_proj.weight_v. decoder.7.resnet.6.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.6.condition_proj.weight_g. decoder.7.resnet.6.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.6.out_proj.bias. decoder.7.resnet.6.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.6.out_proj.weight_v. decoder.7.resnet.6.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.6.out_proj.weight_g. decoder.7.resnet.6.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.7.conv.bias. decoder.7.resnet.7.conv.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.7.conv.weight_v. decoder.7.resnet.7.conv.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.7.conv.weight_g. decoder.7.resnet.7.conv.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.7.condition_proj.bias. decoder.7.resnet.7.condition_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.7.condition_proj.weight_v. decoder.7.resnet.7.condition_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.7.condition_proj.weight_g. decoder.7.resnet.7.condition_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.7.out_proj.bias. decoder.7.resnet.7.out_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.7.out_proj.weight_v. decoder.7.resnet.7.out_proj.weight_v is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.resnet.7.out_proj.weight_g. decoder.7.resnet.7.out_proj.weight_g is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.output_proj.weight. decoder.7.output_proj.weight is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
/usr/local/lib/python3.6/dist-packages/paddle/fluid/dygraph/layers.py:1263: UserWarning: Skip loading for decoder.7.output_proj.bias. decoder.7.output_proj.bias is not found in the provided dict.
warnings.warn(("Skip loading for {}. ".format(key) + str(err)))
[checkpoint] Rank 0: loaded model from step-2000000.pdparams
Traceback (most recent call last):
File "synthesize.py", line 82, in
main(config, args)
File "synthesize.py", line 42, in main
sf.write(audio_path, audio, config.data.sample_rate)
File "/usr/local/lib/python3.6/dist-packages/soundfile.py", line 431, in write
subtype, endian, format, closefd) as f:
File "/usr/local/lib/python3.6/dist-packages/soundfile.py", line 740, in init
self._file = self._open(file, mode_int, closefd)
File "/usr/local/lib/python3.6/dist-packages/soundfile.py", line 1263, in _open
raise TypeError("Invalid file: {0!r}".format(self.name))
TypeError: Invalid file: PosixPath('wavs/sentence_0.wav')

deepvoice合成语音耗时长

您好。
deepvoice合成一条20个汉字的语音要一分钟;
而且合成的语音wav都是20-30秒,语音主要在wav的开头、中间和结尾处,其他地方多是空白。
这种情形,应该怎么优化呐?
谢谢。

请问对参考音频有什么要求吗?

比如长度,声道,频率等等。
项目projectdetail/2020850 中更换wav后在 4. 合成频谱 后会出错,无法生成结果。请问可能是什么原因

在windows平台上运行出错, 好像包导入有问题

Windows 10环境
python : 3.8.8
pip : 21.0.1
paddle-parakeet : 0.2.0b3

以下是运行时的报错信息

C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\pip_vendor\packaging\version.py:127: DeprecationWarning: Creating a LegacyVersion has been deprecated and will be removed in the next major release
warnings.warn(
C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\pip_vendor\packaging\version.py:127: DeprecationWarning: Creating a LegacyVersion has been deprecated and will be removed in the next major release
warnings.warn(
[2021-03-26 09:02:02,392] [ WARNING] - An error was encountered while loading deepvoice3_ljspeech. Detailed error information can be found in the C:\Users\Administrator.paddlehub\log\20210326.log.
[2021-03-26 09:02:02,398] [ WARNING] - An error was encountered while loading deepvoice3_ljspeech. Detailed error information can be found in the C:\Users\Administrator.paddlehub\log\20210326.log.
Download https://bj.bcebos.com/paddlehub/paddlehub_dev/deepvoice3_ljspeech.tar.gz
[##################################################] 100.00%
Decompress C:\Users\Administrator.paddlehub\tmp\tmpgjuaz693\deepvoice3_ljspeech.tar.gz
[##################################################] 100.00%[2021-03-26 09:02:21,433] [ INFO] - Successfully uninstalled deepvoice3_ljspeech

Traceback (most recent call last):
File "test03.py", line 10, in
module = hub.Module(name="deepvoice3_ljspeech")
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\paddlehub\module\module.py", line 171, in new
module = cls.init_with_name(
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\paddlehub\module\module.py", line 263, in init_with_name
user_module_cls = manager.install(name=name, version=version, source=source, update=update, branch=branch)
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\paddlehub\module\manager.py", line 188, in install
return self._install_from_name(name, version)
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\paddlehub\module\manager.py", line 263, in _install_from_name
return self._install_from_url(item['url'])
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\paddlehub\module\manager.py", line 256, in _install_from_url
return self._install_from_archive(file)
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\paddlehub\module\manager.py", line 361, in _install_from_archive
return self._install_from_directory(directory)
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\paddlehub\module\manager.py", line 345, in _install_from_directory
hub_module_cls = HubModule.load(self.get_normalized_path(module_info.name))
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\paddlehub\module\module.py", line 195, in load
py_module = utils.load_py_module(dirname, '{}.module'.format(basename))
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\paddlehub\utils\utils.py", line 249, in load_py_module
py_module = importlib.import_module(py_module_name)
File "C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\importlib_init
.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
File "", line 1014, in _gcd_import
File "", line 991, in _find_and_load
File "", line 975, in _find_and_load_unlocked
File "", line 671, in _load_unlocked
File "", line 783, in exec_module
File "", line 219, in call_with_frames_removed
File "C:\Users\Administrator.paddlehub\modules\deepvoice3_ljspeech\module.py", line 59, in
from parakeet.utils import io
ImportError: cannot import name 'io' from 'parakeet.utils' (C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\parakeet\utils_init
.py)

RuntimeError: Parameter not found

当我使用deepvoice3 + waveflow 合成语音的时候出现下面这个错误:

RuntimeError: Parameter not found, Can't not find [ char_embedding.weight ] in stat_dictuse_structured_name is set to [True]

命令行使用的是说明给的代码:python synthesize.py \

--config configs/ljspeech.yaml
--input sentences.txt
--output outputs//
--checkpoint pre_model/step-1560000 \
--monotonic_layers "5,6"
--vocoder waveflow

为什么会报错呢?

中文合成质量

用tacotron2_aishell3合成了下中文语音,效果不太自然,请问该从哪些方面改进?另如何实现中英混合合成

训练example里的transformer_tts报错

我按照步骤想训练example里面的transformer_tts模型。环境和clone库都已经准备好,LJSpeech数据也下载准备好。但是在命令行输入运行函数和传入参数后,却报错如下:
**运行命令:**python train_transformer.py
--use_gpu=1
--data='~/datasets/LJSpeech-1.1'
--output='./experiments'
--config='configs/ljspeech.yaml' \

报错log:**

{'checkpoint': None,
'config': 'configs/ljspeech.yaml',
'data': '/datasets/LJSpeech-1.1',
'iteration': None,
'output': './experiment',
'use_gpu': 1}
W0701 01:08:32.058022 15717 device_context.cc:252] Please NOTE: device: 0, CUDA Capability: 61, Driver API Version: 10.1, Runtime API Version: 10.0
W0701 01:08:32.060909 15717 device_context.cc:260] device: 0, cuDNN Version: 7.6.
Rank 0: checkpoint loaded.
0it [00:00, ?it/s]/root/anaconda3/envs/paddle/lib/python3.7/site-packages/librosa/core/audio.py:161: UserWarning: PySoundFile failed. Trying audioread instead.
warnings.warn('PySoundFile failed. Trying audioread instead.')
2020-07-01 01:08:36,171-WARNING: DygraphDataLoader reader thread raised an exception.
Exception in thread Thread-3:
Traceback (most recent call last):
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/librosa/core/audio.py", line 129, in load
with sf.SoundFile(path) as sf_desc:
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/soundfile.py", line 629, in init
self._file = self._open(file, mode_int, closefd)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/soundfile.py", line 1184, in _open
"Error opening {0!r}: ".format(self.name))
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/soundfile.py", line 1357, in _error_check
raise RuntimeError(prefix + _ffi.string(err_str).decode('utf-8', 'replace'))
RuntimeError: Error opening '
/datasets/LJSpeech-1.1/wavs/LJ019-0253.wav': System error.

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "/root/anaconda3/envs/paddle/lib/python3.7/threading.py", line 926, in _bootstrap_inner
self.run()
File "/root/anaconda3/envs/paddle/lib/python3.7/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/paddle/fluid/reader.py", line 913, in _reader_thread_loop_for_singleprocess
six.reraise(*sys.exc_info())
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/six.py", line 703, in reraise
raise value
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/paddle/fluid/reader.py", line 892, in reader_thread_loop_for_singleprocess
for sample in self.batch_reader():
File "/root/AI
/Paddle/Parakeet/parakeet/data/datacargo.py", line 112, in next
minibatch = [self.dataset[i] for i in index]
File "/root/AI
/Paddle/Parakeet/parakeet/data/datacargo.py", line 112, in
minibatch = [self.dataset[i] for i in index]
File "/root/AI
/Paddle/Parakeet/parakeet/data/dataset.py", line 47, in getitem
return self.get_example(index)
File "/root/AI
/Paddle/Parakeet/parakeet/data/dataset.py", line 100, in get_example
self.cache[i] = self.dataset[i]
File "/root/AI
/Paddle/Parakeet/parakeet/data/dataset.py", line 47, in getitem
return self.get_example(index)
File "/root/AI
/Paddle/Parakeet/parakeet/data/dataset.py", line 82, in get_example
return self.transform(in_data)
File "/root/AI
/Paddle/Parakeet/examples/transformer_tts/data.py", line 119, in call
wav, _ = librosa.load(str(fname))
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/librosa/core/audio.py", line 162, in load
y, sr_native = __audioread_load(path, offset, duration, dtype)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/librosa/core/audio.py", line 186, in __audioread_load
with audioread.audio_open(path) as input_file:
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/audioread/init.py", line 111, in audio_open
return BackendClass(path)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/audioread/rawread.py", line 62, in init
self._fh = open(filename, 'rb')
FileNotFoundError: [Errno 2] No such file or directory: '~/datasets/LJSpeech-1.1/wavs/LJ019-0253.wav'

Traceback (most recent call last):
File "train_transformer.py", line 217, in
main(args)
File "train_transformer.py", line 113, in main
batch = next(iterator)
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/tqdm/_tqdm.py", line 897, in iter
for obj in iterable:
File "/root/anaconda3/envs/paddle/lib/python3.7/site-packages/paddle/fluid/reader.py", line 804, in next
return self._reader.read_next_var_list()
paddle.fluid.core_avx.EnforceNotMet:


C++ Call Stacks (More useful to developers):

0 std::string paddle::platform::GetTraceBackString<std::string const&>(std::string const&, char const*, int)
1 paddle::platform::EnforceNotMet::EnforceNotMet(std::string const&, char const*, int)
2 paddle::operators::reader::BlockingQueue<std::vector<paddle::framework::LoDTensor, std::allocatorpaddle::framework::LoDTensor > >::Receive(std::vector<paddle::framework::LoDTensor, std::allocatorpaddle::framework::LoDTensor >)
3 paddle::operators::reader::PyReader::ReadNext(std::vector<paddle::framework::LoDTensor, std::allocatorpaddle::framework::LoDTensor >
)
4 std::_Function_handler<std::unique_ptr<std::__future_base::_Result_base, std::__future_base::_Result_base::_Deleter> (), std::__future_base::_Task_setter<std::unique_ptr<std::__future_base::_Result, std::__future_base::_Result_base::_Deleter>, unsigned long> >::_M_invoke(std::_Any_data const&)
5 std::__future_base::_State_base::_M_do_set(std::function<std::unique_ptr<std::__future_base::_Result_base, std::__future_base::_Result_base::_Deleter> ()>&, bool&)
6 ThreadPool::ThreadPool(unsigned long)::{lambda()#1}::operator()() const


Error Message Summary:

Error: Blocking queue is killed because the data reader raises an exception
[Hint: Expected killed_ != true, but received killed_:1 == true:1.] at (/paddle/paddle/fluid/operators/reader/blocking_queue.h:141)

这是什么原因呢?希望开发人员帮忙解决,谢谢

WaveFlow output noise

想实现example里面的waveflow模型时,使用waveflow_64 的pre_model,结果输出的合成语音全部的是噪声.wav,请问下是怎么回事?
Issue里面第一个问题【Deep Voice 3 + WaveFlow Noisy Output】提问者也提出了同一个问题,我觉得也是因为WaveFlow本身就输出的是白噪声,而不是deepvoice和waveflow组合不当的原因

Command Line Code:

python -u synthesis.py --config=./configs/waveflow_ljspeech.yaml --root=../deepvoice3/LJSpeech-1.1 --name=experiment1
--use_gpu=true --output=./syn_audios --sigma=1.0

麻烦帮忙解决下为什么waveflow输出的都是噪声文件么?

A "fatal" problem while debugging

While i'm training Wavenet ,I steped into the network defining code,and this caused stack overflow at super().__init__().However if I choose to step it over,it won't raise any problem. So I wonder what happened when I get into the wavenet class? Is that caused by dygraph mechanism? Any help would be appreciating!

Thread 0x0000281c (most recent call first):
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 300 in wait
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 552 in wait
  File "c:\Users\andyli\.vscode\extensions\ms-python.python-2020.7.96456\pythonFiles\lib\python\debugpy\_vendored\pydevd\pydevd.py", line 228 in _on_run
  File "c:\Users\andyli\.vscode\extensions\ms-python.python-2020.7.96456\pythonFiles\lib\python\debugpy\_vendored\pydevd\_pydevd_bundle\pydevd_comm.py", line 168 in 
run
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 917 in _bootstrap_inner
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 885 in _bootstrap

Thread 0x00002294 (most recent call first):
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 300 in wait
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 552 in wait
  File "c:\Users\andyli\.vscode\extensions\ms-python.python-2020.7.96456\pythonFiles\lib\python\debugpy\_vendored\pydevd\pydevd.py", line 182 in _on_run
  File "c:\Users\andyli\.vscode\extensions\ms-python.python-2020.7.96456\pythonFiles\lib\python\debugpy\_vendored\pydevd\_pydevd_bundle\pydevd_comm.py", line 168 in 
run
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 917 in _bootstrap_inner
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 885 in _bootstrap

Thread 0x00002084 (most recent call first):
....
Thread 0x0000281c (most recent call first):
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 300 in wait
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 552 in wait
  File "c:\Users\andyli\.vscode\extensions\ms-python.python-2020.7.96456\pythonFiles\lib\python\debugpy\_vendored\pydevd\pydevd.py", line 228 in _on_run
  File "c:\Users\andyli\.vscode\extensions\ms-python.python-2020.7.96456\pythonFiles\lib\python\debugpy\_vendored\pydevd\_pydevd_bundle\pydevd_comm.py", line 168 in 
run
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 917 in _bootstrap_inner
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 885 in _bootstrap

Thread 0x00002294 (most recent call first):
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 300 in wait
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 552 in wait
  File "c:\Users\andyli\.vscode\extensions\ms-python.python-2020.7.96456\pythonFiles\lib\python\debugpy\_vendored\pydevd\pydevd.py", line 182 in _on_run
  File "c:\Users\andyli\.vscode\extensions\ms-python.python-2020.7.96456\pythonFiles\lib\python\debugpy\_vendored\pydevd\_pydevd_bundle\pydevd_comm.py", line 168 in 
run
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 917 in _bootstrap_inner
  File "C:\ProgramData\Anaconda3\lib\threading.py", line 885 in _bootstrap

Thread 0x00002084 (most recent call first):
...
Current thread 0x00001b3c (most recent call first):
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
  File "C:\ProgramData\Anaconda3\lib\site-packages\paddle\fluid\dygraph\layers.py", line 528 in __getattr__
...

Vocoder预训练模型时特定语言的么?

比如根据Ljspeech英语数据集训练出来的waveflow-vocoder,输入英语wav的mel文件,会生成十分相似的wav。但是如果输入其他语言的mel波形,比如日语,或者中文的mel波形,则可能无法合成正常的wav,甚至只能合成噪声文件。因此需要根据特定语言训练特定的vocoder,是这样的么?

why fix the embedding size in transformer_tts

Hi,
I found the transformer_tts code with fix embedding size as 1024, which is not enough if we want to apply to pinyin. Any thought?

size=[1024, num_hidden],

        self.pos_inp = get_sinusoid_encoding_table(
            1024, self.num_hidden, padding_idx=0)
        self.pos_emb = dg.Embedding(
            size=[1024, num_hidden],
            param_attr=fluid.ParamAttr(
                initializer=fluid.initializer.NumpyArrayInitializer(
                    self.pos_inp),
                trainable=False))

有没有中文文档

有没有中文文档有没有中文文档有没有中文文档有没有中文文档

WaveFlow pretrained model?

Is there a pretrained model of waveflow?
i have try the code in my own dataset, but seems it has bad result, many noise.

如何Combine DeepVoice3+WaveFlow?

能请教下如何结合 DeepVoice3 + WaveFlow这两个框架么?
DeepVoice3默认是使用Griffin-Lim 算法还原mel频谱的,如何替换这个Vocoder成WaveFlow呢?
想看看效果能提升多少

Incompatibility using pretrained models of deepvoice3 after update

Hey
I recently trained a deepvoice3 model before there were new changes committed in the folder. But after updating my repo, i was not able to use the pretrained models.
I got this error

  File "train.py", line 147, in <module>
    optim.minimize(l)
"Optimizer set error, {} should in state dict".format( var_name )
AssertionError: Optimizer set error, embedding_0.w_0_moment1_0 should in state dict

If we start training from scratch, then this problem does not come.

Can you suggest what can be the issue in incorporating the models we trained before the update was done for deepvoice3 ?

Thanks

vocoder predict 报错

按照文档 https://paddle-parakeet.readthedocs.io/en/latest/basic.html#text-to-spectrogram

import soundfile as df
from parakeet.models import ConditionalWaveFlow

# load the pretrained model
checkpoint_dir = Path("waveflow_pretrained")
config = yacs.config.CfgNode.load_cfg(str(checkpoint_dir / "config.yaml"))
checkpoint_path = str(checkpoint_dir / "step-2000000")
vocoder = ConditionalWaveFlow.from_pretrained(config, checkpoint_path)
vocoder.eval()

# synthesize
audio = vocoder.predict(mel_output)
sf.write(audio_path, audio, config.data.sample_rate)

/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddle/nn/functional/conv.py in _conv_nd(x, weight, bias, stride, padding, padding_algorithm, dilation, groups, data_format, channel_dim, op_type, use_cudnn, use_mkldnn, name)
117 "padding_algorithm", padding_algorithm, "data_format",
118 data_format)
--> 119 pre_bias = getattr(core.ops, op_type)(x, weight, *attrs)
120 if bias is not None:
121 out = nn.elementwise_add(pre_bias, bias, axis=channel_dim)
ValueError: (InvalidArgument) The number of input's channels should be equal to filter's channels * groups for Op(Conv). But received: the input's channels is 764, the input's shape is [1, 764, 1, 1263]; the filter's channels is 80, the filter's shape is [256, 80, 1, 1]; the groups is 1, the data_format is NCHW. The error may come from wrong data_format setting.
[Hint: Expected input_channels == filter_dims[1] * groups, but received input_channels:764 != filter_dims[1] * groups:80.] (at /paddle/paddle/fluid/operators/conv_op.cc:96)

[operator < conv2d > error]

How to get speech from text

can anyone tell me how to use this library to convert TEXT to Speech

-i have clone the library, pre trained data , LJSpeech datasets

  • installed all the requirements

Q0. can i use this library to convert from text to speech?
Q1. if yes can u tell the step by step command!

iam new to python and AI ML DL. but have basic programing understanding

thanks in advance

Recommend Projects

  • React photo React

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

  • Vue.js photo Vue.js

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

  • Typescript photo Typescript

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

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

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

  • web

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

  • server

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

  • Machine learning

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

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

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

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.