提交 38110176 编写于 作者: W wanghaoshuang

Refine structue of search space package

上级 150edfd9
...@@ -14,4 +14,8 @@ ...@@ -14,4 +14,8 @@
from . import graph_wrapper from . import graph_wrapper
from .graph_wrapper import * from .graph_wrapper import *
from . import registry
from .registry import *
__all__ = graph_wrapper.__all__ __all__ = graph_wrapper.__all__
__all__ += registry.__all__
# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License"
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
import inspect import inspect
__all__ = ["Registry"]
class Registry(object): class Registry(object):
def __init__(self, name): def __init__(self, name):
self._name = name self._name = name
self._module_dict = dict() self._module_dict = dict()
def __repr__(self): def __repr__(self):
format_str = self.__class__.__name__ + '(name={}, items={})'.format(self._name, list(self._module_dict.keys())) format_str = self.__class__.__name__ + '(name={}, items={})'.format(
self._name, list(self._module_dict.keys()))
return format_str return format_str
@property @property
def name(self): def name(self):
return self._name return self._name
@property @property
def module_dict(self): def module_dict(self):
return self._module_dict return self._module_dict
...@@ -20,12 +40,14 @@ class Registry(object): ...@@ -20,12 +40,14 @@ class Registry(object):
def _register_module(self, module_class): def _register_module(self, module_class):
if not inspect.isclass(module_class): if not inspect.isclass(module_class):
raise TypeError('module must be a class, but receive {}.'.format(type(module_class))) raise TypeError('module must be a class, but receive {}.'.format(
type(module_class)))
module_name = module_class.__name__ module_name = module_class.__name__
if module_name in self._module_dict: if module_name in self._module_dict:
raise KeyError('{} is already registered in {}.'.format(module_name, self.name)) raise KeyError('{} is already registered in {}.'.format(
module_name, self.name))
self._module_dict[module_name] = module_class self._module_dict[module_name] = module_class
def register_module(self, cls): def register(self, cls):
self._register_module(cls) self._register_module(cls)
return cls return cls
...@@ -11,3 +11,9 @@ ...@@ -11,3 +11,9 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import search_space
from search_space import *
__all__ = []
__all__ += search_space.__all__
...@@ -11,3 +11,16 @@ ...@@ -11,3 +11,16 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from .mobilenetv2_space import MobileNetV2Space
import search_space_registry
from search_space_registry import *
import search_space_factory
from search_space_factory import *
import search_space_base
from search_space_base import *
__all__ = ["MobileNetV2Space"]
__all__ += search_space_registry.__all__
__all__ += search_space_factory.__all__
__all__ += search_space_base.__all__
...@@ -16,7 +16,15 @@ import paddle.fluid as fluid ...@@ -16,7 +16,15 @@ import paddle.fluid as fluid
from paddle.fluid.param_attr import ParamAttr from paddle.fluid.param_attr import ParamAttr
def conv_bn_layer(input, filter_size, num_filters, stride, padding, num_groups=1, act=None, name=None, use_cudnn=True): def conv_bn_layer(input,
filter_size,
num_filters,
stride,
padding,
num_groups=1,
act=None,
name=None,
use_cudnn=True):
"""Build convolution and batch normalization layers. """Build convolution and batch normalization layers.
Args: Args:
input(Variable): input. input(Variable): input.
...@@ -31,11 +39,24 @@ def conv_bn_layer(input, filter_size, num_filters, stride, padding, num_groups=1 ...@@ -31,11 +39,24 @@ def conv_bn_layer(input, filter_size, num_filters, stride, padding, num_groups=1
Returns: Returns:
Variable, layers output. Variable, layers output.
""" """
conv = fluid.layers.conv2d(input, num_filters=num_filters, filter_size=filter_size, stride=stride, padding=padding, conv = fluid.layers.conv2d(
groups=num_groups, act=None, use_cudnn=use_cudnn, param_attr=ParamAttr(name=name+'_weights'), bias_attr=False) input,
num_filters=num_filters,
filter_size=filter_size,
stride=stride,
padding=padding,
groups=num_groups,
act=None,
use_cudnn=use_cudnn,
param_attr=ParamAttr(name=name + '_weights'),
bias_attr=False)
bn_name = name + '_bn' bn_name = name + '_bn'
bn = fluid.layers.batch_norm(input=conv, param_attr=ParamAttr(name=bn_name+'_scale'), bias_attr=ParamAttr(name=bn_name+'_offset'), bn = fluid.layers.batch_norm(
moving_mean_name=bn_name+'_mean', moving_variance_name=bn_name+'_variance') input=conv,
param_attr=ParamAttr(name=bn_name + '_scale'),
bias_attr=ParamAttr(name=bn_name + '_offset'),
moving_mean_name=bn_name + '_mean',
moving_variance_name=bn_name + '_variance')
if act == 'relu6': if act == 'relu6':
return fluid.layers.relu6(bn) return fluid.layers.relu6(bn)
else: else:
......
...@@ -17,30 +17,39 @@ from __future__ import division ...@@ -17,30 +17,39 @@ from __future__ import division
from __future__ import print_function from __future__ import print_function
import sys import sys
sys.path.append('..')
import numpy as np import numpy as np
import paddle.fluid as fluid import paddle.fluid as fluid
from paddle.fluid.param_attr import ParamAttr from paddle.fluid.param_attr import ParamAttr
from searchspacebase import SearchSpaceBase from .search_space_base import SearchSpaceBase
from .base_layer import conv_bn_layer from .base_layer import conv_bn_layer
from .registry import SEARCHSPACE from .search_space_registry import SEARCHSPACE
@SEARCHSPACE.register_module
@SEARCHSPACE.register
class MobileNetV2Space(SearchSpaceBase): class MobileNetV2Space(SearchSpaceBase):
def __init__(self, input_size, output_size, block_num, scale=1.0, class_dim=1000): def __init__(self,
super(MobileNetV2Space, self).__init__(input_size, output_size, block_num) input_size,
self.head_num = np.array([3,4,8,12,16,24,32]) #7 output_size,
self.filter_num1 = np.array([3,4,8,12,16,24,32,48]) #8 block_num,
self.filter_num2 = np.array([8,12,16,24,32,48,64,80]) #8 scale=1.0,
self.filter_num3 = np.array([16,24,32,48,64,80,96,128]) #8 class_dim=1000):
self.filter_num4 = np.array([24,32,48,64,80,96,128,144,160,192]) #10 super(MobileNetV2Space, self).__init__(input_size, output_size,
self.filter_num5 = np.array([32,48,64,80,96,128,144,160,192,224]) #10 block_num)
self.filter_num6 = np.array([64,80,96,128,144,160,192,224,256,320,384,512]) #12 self.head_num = np.array([3, 4, 8, 12, 16, 24, 32]) #7
self.k_size = np.array([3,5]) #2 self.filter_num1 = np.array([3, 4, 8, 12, 16, 24, 32, 48]) #8
self.multiply = np.array([1,2,3,4,6]) #5 self.filter_num2 = np.array([8, 12, 16, 24, 32, 48, 64, 80]) #8
self.repeat = np.array([1,2,3,4,5,6]) #6 self.filter_num3 = np.array([16, 24, 32, 48, 64, 80, 96, 128]) #8
self.scale=scale self.filter_num4 = np.array(
self.class_dim=class_dim [24, 32, 48, 64, 80, 96, 128, 144, 160, 192]) #10
self.filter_num5 = np.array(
[32, 48, 64, 80, 96, 128, 144, 160, 192, 224]) #10
self.filter_num6 = np.array(
[64, 80, 96, 128, 144, 160, 192, 224, 256, 320, 384, 512]) #12
self.k_size = np.array([3, 5]) #2
self.multiply = np.array([1, 2, 3, 4, 6]) #5
self.repeat = np.array([1, 2, 3, 4, 5, 6]) #6
self.scale = scale
self.class_dim = class_dim
def init_tokens(self): def init_tokens(self):
""" """
...@@ -49,28 +58,47 @@ class MobileNetV2Space(SearchSpaceBase): ...@@ -49,28 +58,47 @@ class MobileNetV2Space(SearchSpaceBase):
each line in the following represent the index of the [expansion_factor, filter_num, repeat_num, kernel_size] each line in the following represent the index of the [expansion_factor, filter_num, repeat_num, kernel_size]
""" """
# original MobileNetV2 # original MobileNetV2
return [4, # 1, 16, 1 return [
4, 5, 1, 0, # 6, 24, 1 4, # 1, 16, 1
4, 5, 1, 0, # 6, 24, 2 4,
4, 4, 2, 0, # 6, 32, 3 5,
4, 4, 3, 0, # 6, 64, 4 1,
4, 5, 2, 0, # 6, 96, 3 0, # 6, 24, 1
4, 7, 2, 0, # 6, 160, 3 4,
4, 9, 0, 0] # 6, 320, 1 5,
1,
0, # 6, 24, 2
4,
4,
2,
0, # 6, 32, 3
4,
4,
3,
0, # 6, 64, 4
4,
5,
2,
0, # 6, 96, 3
4,
7,
2,
0, # 6, 160, 3
4,
9,
0,
0
] # 6, 320, 1
def range_table(self): def range_table(self):
""" """
get range table of current search space get range table of current search space
""" """
# head_num + 7 * [multiple(expansion_factor), filter_num, repeat, kernel_size] # head_num + 7 * [multiple(expansion_factor), filter_num, repeat, kernel_size]
return [7, return [
5, 8, 6, 2, 7, 5, 8, 6, 2, 5, 8, 6, 2, 5, 8, 6, 2, 5, 8, 6, 2, 5, 10, 6, 2, 5,
5, 8, 6, 2, 10, 6, 2, 5, 12, 6, 2
5, 8, 6, 2, ]
5, 8, 6, 2,
5, 10, 6, 2,
5, 10, 6, 2,
5, 12, 6, 2]
def token2arch(self, tokens=None): def token2arch(self, tokens=None):
""" """
...@@ -81,16 +109,24 @@ class MobileNetV2Space(SearchSpaceBase): ...@@ -81,16 +109,24 @@ class MobileNetV2Space(SearchSpaceBase):
base_bottleneck_params_list = [ base_bottleneck_params_list = [
(1, self.head_num[tokens[0]], 1, 1, 3), (1, self.head_num[tokens[0]], 1, 1, 3),
(self.multiply[tokens[1]], self.filter_num1[tokens[2]], self.repeat[tokens[3]], 2, self.k_size[tokens[4]]), (self.multiply[tokens[1]], self.filter_num1[tokens[2]],
(self.multiply[tokens[5]], self.filter_num1[tokens[6]], self.repeat[tokens[7]], 2, self.k_size[tokens[8]]), self.repeat[tokens[3]], 2, self.k_size[tokens[4]]),
(self.multiply[tokens[9]], self.filter_num2[tokens[10]], self.repeat[tokens[11]], 2, self.k_size[tokens[12]]), (self.multiply[tokens[5]], self.filter_num1[tokens[6]],
(self.multiply[tokens[13]], self.filter_num3[tokens[14]], self.repeat[tokens[15]], 2, self.k_size[tokens[16]]), self.repeat[tokens[7]], 2, self.k_size[tokens[8]]),
(self.multiply[tokens[17]], self.filter_num3[tokens[18]], self.repeat[tokens[19]], 1, self.k_size[tokens[20]]), (self.multiply[tokens[9]], self.filter_num2[tokens[10]],
(self.multiply[tokens[21]], self.filter_num5[tokens[22]], self.repeat[tokens[23]], 2, self.k_size[tokens[24]]), self.repeat[tokens[11]], 2, self.k_size[tokens[12]]),
(self.multiply[tokens[25]], self.filter_num6[tokens[26]], self.repeat[tokens[27]], 1, self.k_size[tokens[28]]), (self.multiply[tokens[13]], self.filter_num3[tokens[14]],
self.repeat[tokens[15]], 2, self.k_size[tokens[16]]),
(self.multiply[tokens[17]], self.filter_num3[tokens[18]],
self.repeat[tokens[19]], 1, self.k_size[tokens[20]]),
(self.multiply[tokens[21]], self.filter_num5[tokens[22]],
self.repeat[tokens[23]], 2, self.k_size[tokens[24]]),
(self.multiply[tokens[25]], self.filter_num6[tokens[26]],
self.repeat[tokens[27]], 1, self.k_size[tokens[28]]),
] ]
assert self.block_num < 7, 'block number must less than 7, but receive block number is {}'.format(self.block_num) assert self.block_num < 7, 'block number must less than 7, but receive block number is {}'.format(
self.block_num)
# the stride = 2 means downsample feature map in the convolution, so only when stride=2, block_num minus 1, # the stride = 2 means downsample feature map in the convolution, so only when stride=2, block_num minus 1,
# otherwise, add layers to params_list directly. # otherwise, add layers to params_list directly.
...@@ -136,10 +172,11 @@ class MobileNetV2Space(SearchSpaceBase): ...@@ -136,10 +172,11 @@ class MobileNetV2Space(SearchSpaceBase):
# if output_size is 1, add fc layer in the end # if output_size is 1, add fc layer in the end
if self.output_size == 1: if self.output_size == 1:
input = fluid.layers.fc(input=input, input = fluid.layers.fc(
size=self.class_dim, input=input,
param_attr=ParamAttr(name='fc10_weights'), size=self.class_dim,
bias_attr=ParamAttr(name='fc10_offset')) param_attr=ParamAttr(name='fc10_weights'),
bias_attr=ParamAttr(name='fc10_offset'))
else: else:
assert self.output_size == input.shape[2], \ assert self.output_size == input.shape[2], \
("output_size must EQUAL to input_size / (2^block_num)." ("output_size must EQUAL to input_size / (2^block_num)."
...@@ -150,7 +187,6 @@ class MobileNetV2Space(SearchSpaceBase): ...@@ -150,7 +187,6 @@ class MobileNetV2Space(SearchSpaceBase):
return net_arch return net_arch
def shortcut(self, input, data_residual): def shortcut(self, input, data_residual):
"""Build shortcut layer. """Build shortcut layer.
Args: Args:
...@@ -161,7 +197,6 @@ class MobileNetV2Space(SearchSpaceBase): ...@@ -161,7 +197,6 @@ class MobileNetV2Space(SearchSpaceBase):
""" """
return fluid.layers.elementwise_add(input, data_residual) return fluid.layers.elementwise_add(input, data_residual)
def inverted_residual_unit(self, def inverted_residual_unit(self,
input, input,
num_in_filter, num_in_filter,
...@@ -222,15 +257,7 @@ class MobileNetV2Space(SearchSpaceBase): ...@@ -222,15 +257,7 @@ class MobileNetV2Space(SearchSpaceBase):
out = self.shortcut(input=input, data_residual=out) out = self.shortcut(input=input, data_residual=out)
return out return out
def invresi_blocks(self, def invresi_blocks(self, input, in_c, t, c, n, s, k, name=None):
input,
in_c,
t,
c,
n,
s,
k,
name=None):
"""Build inverted residual blocks. """Build inverted residual blocks.
Args: Args:
input: Variable, input. input: Variable, input.
...@@ -268,5 +295,3 @@ class MobileNetV2Space(SearchSpaceBase): ...@@ -268,5 +295,3 @@ class MobileNetV2Space(SearchSpaceBase):
expansion_factor=t, expansion_factor=t,
name=name + '_' + str(i + 1)) name=name + '_' + str(i + 1))
return last_residual_block return last_residual_block
...@@ -14,6 +14,7 @@ ...@@ -14,6 +14,7 @@
__all__ = ['SearchSpaceBase'] __all__ = ['SearchSpaceBase']
class SearchSpaceBase(object): class SearchSpaceBase(object):
"""Controller for Neural Architecture Search. """Controller for Neural Architecture Search.
""" """
...@@ -41,4 +42,3 @@ class SearchSpaceBase(object): ...@@ -41,4 +42,3 @@ class SearchSpaceBase(object):
list<layers> list<layers>
""" """
raise NotImplementedError('Abstract method.') raise NotImplementedError('Abstract method.')
...@@ -12,7 +12,10 @@ ...@@ -12,7 +12,10 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from searchspace.registry import SEARCHSPACE from search_space_registry import SEARCHSPACE
__all__ = ["SearchSpaceFactory"]
class SearchSpaceFactory(object): class SearchSpaceFactory(object):
def __init__(self): def __init__(self):
...@@ -29,8 +32,7 @@ class SearchSpaceFactory(object): ...@@ -29,8 +32,7 @@ class SearchSpaceFactory(object):
model space(class) model space(class)
""" """
cls = SEARCHSPACE.get(key) cls = SEARCHSPACE.get(key)
space = cls(config['input_size'], config['output_size'], config['block_num']) space = cls(config['input_size'], config['output_size'],
config['block_num'])
return space return space
...@@ -12,4 +12,8 @@ ...@@ -12,4 +12,8 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from .mobilenetv2_space import MobileNetV2Space from ...core import Registry
__all__ = ["SEARCHSPACE"]
SEARCHSPACE = Registry('searchspace')
import sys
sys.path.append('..')
from utils.registry import Registry
SEARCHSPACE = Registry('searchspace')
...@@ -11,26 +11,35 @@ ...@@ -11,26 +11,35 @@
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import sys
sys.path.append("../")
import unittest
import paddle.fluid as fluid import paddle.fluid as fluid
from searchspacefactory import SearchSpaceFactory from paddleslim.nas import SearchSpaceFactory
if __name__ == '__main__':
# if output_size is 1, the model will add fc layer in the end.
config = {'input_size': 224, 'output_size': 7, 'block_num': 5} class TestSearchSpaceFactory(unittest.TestCase):
space = SearchSpaceFactory() def test_factory(self):
# if output_size is 1, the model will add fc layer in the end.
my_space = space.get_search_space('MobileNetV2Space', config) config = {'input_size': 224, 'output_size': 7, 'block_num': 5}
model_arch = my_space.token2arch() space = SearchSpaceFactory()
train_prog = fluid.Program()
startup_prog = fluid.Program()
with fluid.program_guard(train_prog, startup_prog):
input_size= config['input_size']
model_input = fluid.layers.data(name='model_in', shape=[1, 3, input_size, input_size], dtype='float32', append_batch_size=False)
print('input shape', model_input.shape)
predict = model_arch(model_input)
print('output shape', predict.shape)
#for op in train_prog.global_block().ops: my_space = space.get_search_space('MobileNetV2Space', config)
# print(op.type) model_arch = my_space.token2arch()
train_prog = fluid.Program()
startup_prog = fluid.Program()
with fluid.program_guard(train_prog, startup_prog):
input_size = config['input_size']
model_input = fluid.layers.data(
name='model_in',
shape=[1, 3, input_size, input_size],
dtype='float32',
append_batch_size=False)
print('input shape', model_input.shape)
predict = model_arch(model_input)
print('output shape', predict.shape)
if __name__ == '__main__':
unittest.main()
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册