提交 cc992072 编写于 作者: W walloollaw 提交者: qingqing01

add more help info in argmax when axis is not set (#874)

上级 ac7a2931
...@@ -24,7 +24,8 @@ This tool is used to convert a Caffe model to a Fluid model ...@@ -24,7 +24,8 @@ This tool is used to convert a Caffe model to a Fluid model
- Save weights as fluid model file - Save weights as fluid model file
``` ```
python alexnet.py alexnet.npy ./fluid python alexnet.py alexnet.npy ./fluid #only infer the last layer's result
python alexnet.py alexnet.npy ./fluid fc8,prob #infer these 2 layer's result
``` ```
3. Use the converted model to infer 3. Use the converted model to infer
......
...@@ -43,7 +43,7 @@ def build_model(net_file, net_name): ...@@ -43,7 +43,7 @@ def build_model(net_file, net_name):
(net_file, net_name)) (net_file, net_name))
net_path = os.path.dirname(net_file) net_path = os.path.dirname(net_file)
module_name = os.path.basename(net_file).rstrip('.py') module_name = os.path.splitext(os.path.basename(net_file))[0]
if net_path not in sys.path: if net_path not in sys.path:
sys.path.insert(0, net_path) sys.path.insert(0, net_path)
...@@ -51,7 +51,7 @@ def build_model(net_file, net_name): ...@@ -51,7 +51,7 @@ def build_model(net_file, net_name):
m = __import__(module_name, fromlist=[net_name]) m = __import__(module_name, fromlist=[net_name])
MyNet = getattr(m, net_name) MyNet = getattr(m, net_name)
except Exception as e: except Exception as e:
print('failed to load module[%s]' % (module_name)) print('failed to load module[%s.%s]' % (module_name, net_name))
print(e) print(e)
return None return None
...@@ -153,7 +153,6 @@ def load_inference_model(dirname, exe): ...@@ -153,7 +153,6 @@ def load_inference_model(dirname, exe):
def infer(model_path, imgfile, net_file=None, net_name=None, debug=True): def infer(model_path, imgfile, net_file=None, net_name=None, debug=True):
""" do inference using a model which consist 'xxx.py' and 'xxx.npy' """ do inference using a model which consist 'xxx.py' and 'xxx.npy'
""" """
fluid = import_fluid() fluid = import_fluid()
place = fluid.CPUPlace() place = fluid.CPUPlace()
......
...@@ -67,7 +67,7 @@ if [[ -z $only_convert ]];then ...@@ -67,7 +67,7 @@ if [[ -z $only_convert ]];then
imgfile="data/65.jpeg" imgfile="data/65.jpeg"
#FIX ME: #FIX ME:
# only look the first line in prototxt file for the name of this network, maybe not correct # only look the first line in prototxt file for the name of this network, maybe not correct
net_name=`grep "name" $proto_file | head -n1 | perl -ne 'if(/^\s*name\s*:\s*\"([^\"]+)\"/){ print $1."\n";}'` net_name=`grep "name" $proto_file | head -n1 | perl -ne 'if(/^name\s*:\s*\"([^\"]+)\"/){ print $1."\n";}'`
if [[ -z $net_name ]];then if [[ -z $net_name ]];then
net_name="MyNet" net_name="MyNet"
fi fi
......
...@@ -30,8 +30,9 @@ def set_args(f, params): ...@@ -30,8 +30,9 @@ def set_args(f, params):
kwargs = {} kwargs = {}
for arg_name in arg_list: for arg_name in arg_list:
try: try:
v = getattr(node.layer.parameters, arg_name, None) v = getattr(params, arg_name, None)
except Exception as e: except Exception as e:
#maybe failed to extract caffe's parameters
v = None v = None
if v is not None: if v is not None:
......
...@@ -27,7 +27,9 @@ def argmax_shape(input_shape, out_max_val=False, top_k=1, axis=-1): ...@@ -27,7 +27,9 @@ def argmax_shape(input_shape, out_max_val=False, top_k=1, axis=-1):
axis += len(input_shape) axis += len(input_shape)
assert (axis + 1 == len(input_shape) assert (axis + 1 == len(input_shape)
), 'only can be applied on the last dimension now' ), 'only can be applied on the last dimension[axis:%d, %s] now,'\
'make sure you have set axis param in xxx.prototxt file' \
% (axis, str(input_shape))
output_shape = input_shape output_shape = input_shape
output_shape[-1] = top_k output_shape[-1] = top_k
...@@ -56,14 +58,13 @@ def argmax_layer(input, name, out_max_val=False, top_k=1, axis=-1): ...@@ -56,14 +58,13 @@ def argmax_layer(input, name, out_max_val=False, top_k=1, axis=-1):
if axis < 0: if axis < 0:
axis += len(input.shape) axis += len(input.shape)
assert (axis + 1 == len(input_shape)
), 'only can be applied on the last dimension now'
topk_var, index_var = fluid.layers.topk(input=input, k=top_k) topk_var, index_var = fluid.layers.topk(input=input, k=top_k)
if out_max_val is True: if out_max_val is True:
output = fluid.layers.concate([topk_var, index_var], axis=axis) index_var = fluid.layers.cast(index_var, dtype=topk_var.dtype)
output = fluid.layers.concat([index_var, topk_var], axis=axis)
else: else:
output = topk_var output = index_var
return output return output
......
...@@ -124,7 +124,15 @@ class Graph(object): ...@@ -124,7 +124,15 @@ class Graph(object):
for node in self.topologically_sorted(): for node in self.topologically_sorted():
# If the node has learned parameters, display the first one's shape. # If the node has learned parameters, display the first one's shape.
# In case of convolutions, this corresponds to the weights. # In case of convolutions, this corresponds to the weights.
data_shape = node.data[0].shape if node.data else '--' if node.data is None:
data_shape = '--'
out_shape = node.output_shape or '--'
s.append('{:<20} {:<30} {:>20} {:>20}'.format(
node.kind, node.name, data_shape, tuple(out_shape)))
else:
for d in node.data:
#data_shape = node.data[0].shape if node.data else '--'
data_shape = d.shape
out_shape = node.output_shape or '--' out_shape = node.output_shape or '--'
s.append('{:<20} {:<30} {:>20} {:>20}'.format( s.append('{:<20} {:<30} {:>20} {:>20}'.format(
node.kind, node.name, data_shape, tuple(out_shape))) node.kind, node.name, data_shape, tuple(out_shape)))
......
""" this module is used as a template for generating sub class of Network
"""
class MyNet(object):
### automatically generated by caffe2fluid ###
inputs_info = "INPUTS_INFO"
custom_layers_path = "CAFFE2FLUID_CUSTOM_LAYERS"
def custom_layer_factory(self):
import os
pk_paths = []
default = os.path.dirname(os.path.abspath(__file__))
location = os.environ.get('CAFFE2FLUID_CUSTOM_LAYERS', default)
pk_name = 'custom_layers'
pk_dir = os.path.join(location, pk_name)
pk_paths.append((location, pk_dir))
location = MyNet.custom_layers_path
pk_dir = os.path.join(MyNet.custom_layers_path, pk_name)
pk_paths.append((location, pk_dir))
for loc, pk_dir in pk_paths:
if os.path.exists(pk_dir):
if loc not in sys.path:
sys.path.insert(0, loc)
break
try:
from custom_layers import make_custom_layer
return make_custom_layer
except Exception as e:
print('maybe you should set $CAFFE2FLUID_CUSTOM_LAYERS first')
raise e
@classmethod
def input_shapes(cls):
return cls.inputs_info
@classmethod
def convert(cls, npy_model, fluid_path, outputs=None):
fluid = import_fluid()
shapes = cls.input_shapes()
input_name = shapes.keys()[0]
feed_data = {}
for name, shape in shapes.items():
data_layer = fluid.layers.data(
name=name, shape=shape, dtype="float32")
feed_data[name] = data_layer
net = cls(feed_data)
place = fluid.CPUPlace()
exe = fluid.Executor(place)
exe.run(fluid.default_startup_program())
net.load(data_path=npy_model, exe=exe, place=place)
output_vars = []
if outputs is None:
output_vars.append(net.get_output())
else:
if type(outputs) is list:
for n in outputs:
assert n in net.layers, 'not found layer with this name[%s]' % (
n)
output_vars.append(net.layers[n])
fluid.io.save_inference_model(
fluid_path, [input_name],
output_vars,
exe,
main_program=None,
model_filename='model',
params_filename='params')
return 0
def main():
""" a tool used to convert caffe model to fluid
"""
import sys
import os
filename = os.path.splitext(os.path.basename(sys.argv[0]))[0]
if len(sys.argv) < 3:
print('usage:')
print(' python %s %s.npy [save_dir] [layer names seperated by comma]' \
% (sys.argv[0], filename))
print(' eg: python %s %s.npy ./fluid' % (sys.argv[0], filename))
print(' eg: python %s %s.npy ./fluid layer_name1,layer_name2' \
% (sys.argv[0], filename))
return 1
npy_weight = sys.argv[1]
fluid_model = sys.argv[2]
outputs = None
if len(sys.argv) >= 4:
outputs = sys.argv[3].split(',')
ret = MyNet.convert(npy_weight, fluid_model, outputs)
if ret == 0:
outputs = 'last output layer' if outputs is None else outputs
print('succeed to convert to fluid format with output layers[%s]'
' in directory[%s]' % (outputs, fluid_model))
else:
print('failed to convert model to fluid format')
return ret
def generate_net_code(net_name, inputs_info):
""" generate framework of a custom net code which represent a subclass of Network
Args:
@net_name (str): class name for this net
@inputs_info (str): a str which represents a dict, eg: '{"data": [3, 32, 32]}'
Returns:
net_codes (str): codes for this subclass
"""
import os
import inspect
net_codes = str(inspect.getsource(MyNet))
net_codes = net_codes.replace('MyNet(object)', '%s(Network)' % net_name)
net_codes = net_codes.replace('"INPUTS_INFO"', inputs_info)
custom_layer_dir = os.path.dirname(os.path.abspath(__file__))
net_codes = net_codes.replace('CAFFE2FLUID_CUSTOM_LAYERS', custom_layer_dir)
return net_codes
def generate_main_code(net_name):
""" generate a piece of code for 'main' function
Args:
@net_name (str): class name for this net
Returns:
main_codes (str): codes for this main function
"""
import inspect
main_codes = str(inspect.getsource(main))
main_codes = main_codes.replace('MyNet', net_name)
return main_codes
if __name__ == "__main__":
""" just for testing
"""
print generate_net_code('Attribute', "{'data': [3, 277, 277]}")
print generate_main_code('Attribute')
...@@ -290,20 +290,15 @@ class Network(object): ...@@ -290,20 +290,15 @@ class Network(object):
input, dropout_prob=drop_prob, is_test=is_test, name=name) input, dropout_prob=drop_prob, is_test=is_test, name=name)
return output return output
def custom_layer_factory(self):
""" get a custom layer maker provided by subclass
"""
raise NotImplementedError(
'[custom_layer_factory] must be implemented by the subclass.')
@layer @layer
def custom_layer(self, inputs, kind, name, *args, **kwargs): def custom_layer(self, inputs, kind, name, *args, **kwargs):
""" make custom layer from the package specified by '$CAFFE2FLUID_CUSTOM_LAYERS' """ make custom layer
""" """
#fluid = import_fluid() layer_factory = self.custom_layer_factory()
#import custom package return layer_factory(kind, inputs, name, *args, **kwargs)
default = os.path.dirname(os.path.abspath(__file__))
p = os.environ.get('CAFFE2FLUID_CUSTOM_LAYERS', default)
pk = os.path.join(p, 'custom_layers')
assert os.path.exists(pk) is True, "not found custom_layer package [%s],"\
"you need to set $CAFFE2FLUID_CUSTOM_LAYERS" % (pk)
if p not in sys.path:
sys.path.insert(0, p)
from custom_layers import make_custom_layer
return make_custom_layer(kind, inputs, name, *args, **kwargs)
...@@ -198,18 +198,10 @@ class TensorFlowEmitter(object): ...@@ -198,18 +198,10 @@ class TensorFlowEmitter(object):
codes.append(network_source + '\n') codes.append(network_source + '\n')
return self.statement('\n'.join(codes)) return self.statement('\n'.join(codes))
def emit_class_def(self, name):
return self.statement('class %s(Network):' % (name))
def emit_setup_def(self): def emit_setup_def(self):
return self.statement('def setup(self):') return self.statement('def setup(self):')
def emit_shape_def(self, input_nodes): def get_inputs_info(self, input_nodes):
self.outdent()
func_def = self.statement('@classmethod')
func_def += self.statement('def input_shapes(cls):')
self.indent()
input_shapes = {} input_shapes = {}
for n in input_nodes: for n in input_nodes:
name = n.name name = n.name
...@@ -218,51 +210,7 @@ class TensorFlowEmitter(object): ...@@ -218,51 +210,7 @@ class TensorFlowEmitter(object):
input_shapes[name] = ', '.join(shape) input_shapes[name] = ', '.join(shape)
input_shapes = ['"%s": [%s]' % (n, l) for n, l in input_shapes.items()] input_shapes = ['"%s": [%s]' % (n, l) for n, l in input_shapes.items()]
shape_str = ','.join(input_shapes) shape_str = ','.join(input_shapes)
func_def += self.statement('return {%s}' % (shape_str)) return '{%s}' % (shape_str)
return '\n\n' + func_def
def emit_convert_def(self, input_nodes):
codes = []
inputs = {}
#codes.append('shapes = cls.input_shapes()')
codes.append('shapes = cls.input_shapes()')
codes.append('input_name = shapes.keys()[0]')
codes.append('input_shape = shapes[input_name]')
for n in input_nodes:
name = n.name
layer_var = name + '_layer'
layer_def = '%s = fluid.layers.data(name="%s", shape=shapes["%s"],'\
' dtype="float32")' % (layer_var, name, name)
#layer_var, layer_def = data_layer_def(n.name, n.output_shape)
codes.append(layer_def)
inputs[name] = layer_var
input_dict = ','.join(['"%s": %s' % (n, l) for n, l in inputs.items()])
codes.append('feed_data = {' + input_dict + '}')
codes.append('net = cls(feed_data)')
codes.append("place = fluid.CPUPlace()")
codes.append("exe = fluid.Executor(place)")
codes.append("exe.run(fluid.default_startup_program())")
codes.append("net.load(data_path=npy_model, exe=exe, place=place)")
codes.append("output_vars = [net.get_output()]")
codes.append("fluid.io.save_inference_model(" \
"fluid_path, [input_name],output_vars," \
"exe, main_program=None, model_filename='model'," \
"params_filename='params')")
codes.append(
"print('save fluid model as [model] and [params] in directory [%s]' % (fluid_path))"
)
self.outdent()
func_def = self.statement('@classmethod')
func_def += self.statement('def convert(cls, npy_model, fluid_path):')
self.indent()
func_def += self.statement('fluid = import_fluid()')
for l in codes:
func_def += self.statement(l)
return '\n' + func_def
def emit_main_def(self, name): def emit_main_def(self, name):
if name is None: if name is None:
...@@ -271,22 +219,7 @@ class TensorFlowEmitter(object): ...@@ -271,22 +219,7 @@ class TensorFlowEmitter(object):
self.prefix = '' self.prefix = ''
main_def = self.statement('if __name__ == "__main__":') main_def = self.statement('if __name__ == "__main__":')
self.indent() self.indent()
main_def += self.statement( main_def += self.statement('exit(main())')
"#usage: save as an inference model for online service\n")
main_def += self.statement("import sys")
main_def += self.statement("if len(sys.argv) != 3:")
self.indent()
main_def += self.statement("print('usage:')")
main_def += self.statement(
"print('\tpython %s [xxxnet.npy] [save_dir]' % (sys.argv[0]))")
main_def += self.statement("exit(1)")
self.outdent()
main_def += self.statement("npy_weight = sys.argv[1]")
main_def += self.statement("fluid_model = sys.argv[2]")
main_def += self.statement("%s.convert(npy_weight, fluid_model)" %
(name))
main_def += self.statement("exit(0)")
return '\n\n' + main_def return '\n\n' + main_def
def emit_parents(self, chain): def emit_parents(self, chain):
...@@ -301,10 +234,17 @@ class TensorFlowEmitter(object): ...@@ -301,10 +234,17 @@ class TensorFlowEmitter(object):
return self.statement('self.' + node.emit()) return self.statement('self.' + node.emit())
def emit(self, name, chains, input_nodes=None): def emit(self, name, chains, input_nodes=None):
from ..net_template import generate_net_code
from ..net_template import generate_main_code
self.net_name = name self.net_name = name
inputs_info = self.get_inputs_info(input_nodes)
s = self.emit_imports() s = self.emit_imports()
s += self.emit_class_def(name) s += generate_net_code(name, inputs_info) + '\n'
self.indent() self.indent()
# define the net using api
s += self.emit_setup_def() s += self.emit_setup_def()
self.indent() self.indent()
blocks = [] blocks = []
...@@ -315,8 +255,9 @@ class TensorFlowEmitter(object): ...@@ -315,8 +255,9 @@ class TensorFlowEmitter(object):
b += self.emit_node(node) b += self.emit_node(node)
blocks.append(b[:-1]) blocks.append(b[:-1])
s = s + '\n\n'.join(blocks) s = s + '\n\n'.join(blocks)
s += self.emit_shape_def(input_nodes)
s += self.emit_convert_def(input_nodes) # define the main function
s += '\n\n\n' + generate_main_code(name)
s += self.emit_main_def(name) s += self.emit_main_def(name)
return s return s
...@@ -367,9 +308,6 @@ class Transformer(object): ...@@ -367,9 +308,6 @@ class Transformer(object):
transformers = [ transformers = [
# Reshape the parameters to TensorFlow's ordering # Reshape the parameters to TensorFlow's ordering
DataReshaper({ DataReshaper({
# (c_o, c_i, h, w) -> (h, w, c_i, c_o) for TF
NodeKind.Convolution: (0, 1, 2, 3),
# (c_o, c_i) -> (c_i, c_o) # (c_o, c_i) -> (c_i, c_o)
NodeKind.InnerProduct: (1, 0) NodeKind.InnerProduct: (1, 0)
}), }),
......
...@@ -66,12 +66,14 @@ class DataInjector(object): ...@@ -66,12 +66,14 @@ class DataInjector(object):
def adjust_parameters(self, node, data): def adjust_parameters(self, node, data):
if not self.did_use_pb: if not self.did_use_pb:
return data return data
# When using the protobuf-backend, each parameter initially has four dimensions. # When using the protobuf-backend, each parameter initially has four dimensions.
# In certain cases (like FC layers), we want to eliminate the singleton dimensions. # In certain cases (like FC layers), we want to eliminate the singleton dimensions.
# This implementation takes care of the common cases. However, it does leave the # This implementation takes care of the common cases. However, it does leave the
# potential for future issues. # potential for future issues.
# The Caffe-backend does not suffer from this problem. # The Caffe-backend does not suffer from this problem.
data = list(data) data = list(data)
squeeze_indices = [1] # Squeeze biases. squeeze_indices = [1] # Squeeze biases.
if node.kind == NodeKind.InnerProduct: if node.kind == NodeKind.InnerProduct:
squeeze_indices.append(0) # Squeeze FC. squeeze_indices.append(0) # Squeeze FC.
...@@ -80,8 +82,22 @@ class DataInjector(object): ...@@ -80,8 +82,22 @@ class DataInjector(object):
if idx >= len(data): if idx >= len(data):
continue continue
shape_old = data[idx].shape d = data[idx]
data[idx] = np.squeeze(data[idx]) assert len(
d.shape
) == 4, 'invalid shape[%s] from caffe when adjust_parameters' % (
str(d.shape))
shape_old = d.shape
sq_axis = None
if idx == 0:
sq_axis = (0, 1)
elif idx == 1:
sq_axis = (0, 1, 2)
else:
continue
data[idx] = np.squeeze(d, axis=sq_axis)
shape_new = data[idx].shape shape_new = data[idx].shape
if len(shape_old) != shape_new: if len(shape_old) != shape_new:
debug('squeeze idx:%d, with kind:%s,name:%s' % \ debug('squeeze idx:%d, with kind:%s,name:%s' % \
...@@ -131,18 +147,19 @@ class DataReshaper(object): ...@@ -131,18 +147,19 @@ class DataReshaper(object):
for node in graph.nodes: for node in graph.nodes:
if node.data is None: if node.data is None:
continue continue
if node.kind not in self.reshaped_node_types: if node.kind not in self.reshaped_node_types:
# Check for 2+ dimensional data # Check for 2+ dimensional data
if any(len(tensor.shape) > 1 for tensor in node.data): if any(len(tensor.shape) > 1 for tensor in node.data):
notice('parmaters not reshaped for node: {}'.format(node)) notice('parmaters not reshaped for node: {}'.format(node))
continue continue
transpose_order = self.map(node.kind) transpose_order = self.map(node.kind)
weights = node.data[0] weights = node.data[0]
if (node.kind == NodeKind.InnerProduct if node.kind == NodeKind.InnerProduct:
) and self.has_spatial_parent(node):
# The FC layer connected to the spatial layer needs to be # The FC layer connected to the spatial layer needs to be
# re-wired to match the new spatial ordering. # re-wired to match the new spatial ordering.
in_shape = node.get_only_parent().output_shape #in_shape = node.get_only_parent().output_shape
fc_shape = weights.shape fc_shape = weights.shape
output_channels = fc_shape[0] output_channels = fc_shape[0]
weights = weights.reshape((output_channels, -1)) weights = weights.reshape((output_channels, -1))
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册