提交 84cab2c7 编写于 作者: L liaogang

Merge conflict with develop branch

...@@ -13,8 +13,6 @@ ...@@ -13,8 +13,6 @@
# The document of clang-format is # The document of clang-format is
# http://clang.llvm.org/docs/ClangFormat.html # http://clang.llvm.org/docs/ClangFormat.html
# http://clang.llvm.org/docs/ClangFormatStyleOptions.html # http://clang.llvm.org/docs/ClangFormatStyleOptions.html
#
# TODO(yuyang18): Add python and other language code style
--- ---
Language: Cpp Language: Cpp
BasedOnStyle: Google BasedOnStyle: Google
...@@ -22,8 +20,9 @@ IndentWidth: 2 ...@@ -22,8 +20,9 @@ IndentWidth: 2
TabWidth: 2 TabWidth: 2
ContinuationIndentWidth: 4 ContinuationIndentWidth: 4
AccessModifierOffset: -2 # The private/protected/public has no indent in class AccessModifierOffset: -2 # The private/protected/public has no indent in class
PointerAlignment: Left # int* p/int& p, not int *p/int &p
Standard: Cpp11 Standard: Cpp11
AllowAllParametersOfDeclarationOnNextLine: true AllowAllParametersOfDeclarationOnNextLine: true
BinPackParameters: false
BinPackArguments: false
... ...
...@@ -5,4 +5,6 @@ build/ ...@@ -5,4 +5,6 @@ build/
.vscode .vscode
.idea .idea
.project .project
.cproject
.pydevproject .pydevproject
Makefile
- repo: https://github.com/Lucas-C/pre-commit-hooks.git
sha: c25201a00e6b0514370501050cf2a8538ac12270
hooks:
- id: remove-crlf
- repo: https://github.com/reyoung/mirrors-yapf.git
sha: v0.13.2
hooks:
- id: yapf
- repo: https://github.com/pre-commit/pre-commit-hooks
sha: 4ef03c4223ad322c7adaa6c6c0efb26b57df3b71
hooks:
- id: check-added-large-files
- id: check-merge-conflict
- id: check-symlinks
- id: detect-private-key
- id: end-of-file-fixer
# TODO(yuyang): trailing whitespace has some bugs on markdown
# files now, please not add it to pre-commit hook now
# - id: trailing-whitespace
#
# TODO(yuyang): debug-statements not fit for Paddle, because
# not all of our python code is runnable. Some are used for
# documenation
# - id: debug-statements
[style]
based_on_style = pep8
column_limit = 80
...@@ -16,7 +16,6 @@ import numpy as np ...@@ -16,7 +16,6 @@ import numpy as np
import sys import sys
import os import os
import PIL.Image as Image import PIL.Image as Image
""" """
Usage: python process_cifar input_dir output_dir Usage: python process_cifar input_dir output_dir
""" """
...@@ -30,6 +29,7 @@ def mkdir_not_exist(path): ...@@ -30,6 +29,7 @@ def mkdir_not_exist(path):
if not os.path.exists(path): if not os.path.exists(path):
os.mkdir(path) os.mkdir(path)
def create_dir_structure(output_dir): def create_dir_structure(output_dir):
""" """
Create the directory structure for the directory. Create the directory structure for the directory.
...@@ -39,8 +39,8 @@ def create_dir_structure(output_dir): ...@@ -39,8 +39,8 @@ def create_dir_structure(output_dir):
mkdir_not_exist(os.path.join(output_dir, "train")) mkdir_not_exist(os.path.join(output_dir, "train"))
mkdir_not_exist(os.path.join(output_dir, "test")) mkdir_not_exist(os.path.join(output_dir, "test"))
def convert_batch(batch_path, label_set, label_map,
output_dir, data_split): def convert_batch(batch_path, label_set, label_map, output_dir, data_split):
""" """
Convert CIFAR batch to the structure of Paddle format. Convert CIFAR batch to the structure of Paddle format.
batch_path: the batch to be converted. batch_path: the batch to be converted.
...@@ -67,11 +67,23 @@ if __name__ == '__main__': ...@@ -67,11 +67,23 @@ if __name__ == '__main__':
output_dir = sys.argv[2] output_dir = sys.argv[2]
num_batch = 5 num_batch = 5
create_dir_structure(output_dir) create_dir_structure(output_dir)
label_map = {0: "airplane", 1: "automobile", 2: "bird", 3: "cat", 4: "deer", label_map = {
5: "dog", 6: "frog", 7: "horse", 8: "ship", 9: "truck"} 0: "airplane",
1: "automobile",
2: "bird",
3: "cat",
4: "deer",
5: "dog",
6: "frog",
7: "horse",
8: "ship",
9: "truck"
}
labels = {} labels = {}
for i in range(1, num_batch + 1): for i in range(1, num_batch + 1):
convert_batch(os.path.join(input_dir, "data_batch_%d" % i), labels, convert_batch(
label_map, output_dir, "train") os.path.join(input_dir, "data_batch_%d" % i), labels, label_map,
convert_batch(os.path.join(input_dir, "test_batch"), {}, output_dir, "train")
label_map, output_dir, "test") convert_batch(
\ No newline at end of file os.path.join(input_dir, "test_batch"), {}, label_map, output_dir,
"test")
...@@ -46,14 +46,14 @@ def hook(settings, img_size, mean_img_size, num_classes, color, meta, use_jpeg, ...@@ -46,14 +46,14 @@ def hook(settings, img_size, mean_img_size, num_classes, color, meta, use_jpeg,
settings.img_mean = image_util.load_meta(settings.meta_path, settings.img_mean = image_util.load_meta(settings.meta_path,
settings.mean_img_size, settings.mean_img_size,
settings.img_size, settings.img_size, settings.color)
settings.color)
settings.logger.info('Image size: %s', settings.img_size) settings.logger.info('Image size: %s', settings.img_size)
settings.logger.info('Meta path: %s', settings.meta_path) settings.logger.info('Meta path: %s', settings.meta_path)
settings.input_types = [ settings.input_types = [
dense_vector(settings.img_raw_size), # image feature dense_vector(settings.img_raw_size), # image feature
integer_value(settings.num_classes)] # labels integer_value(settings.num_classes)
] # labels
settings.logger.info('DataProvider Initialization finished') settings.logger.info('DataProvider Initialization finished')
...@@ -79,8 +79,8 @@ def processData(settings, file_list): ...@@ -79,8 +79,8 @@ def processData(settings, file_list):
img = image_util.decode_jpeg(data['images'][i]) img = image_util.decode_jpeg(data['images'][i])
else: else:
img = data['images'][i] img = data['images'][i]
img_feat = image_util.preprocess_img(img, settings.img_mean, img_feat = image_util.preprocess_img(
settings.img_size, settings.is_train, img, settings.img_mean, settings.img_size,
settings.color) settings.is_train, settings.color)
label = data['labels'][i] label = data['labels'][i]
yield img_feat.astype('float32'), int(label) yield img_feat.astype('float32'), int(label)
...@@ -16,17 +16,20 @@ import numpy as np ...@@ -16,17 +16,20 @@ import numpy as np
from PIL import Image from PIL import Image
from cStringIO import StringIO from cStringIO import StringIO
def resize_image(img, target_size): def resize_image(img, target_size):
""" """
Resize an image so that the shorter edge has length target_size. Resize an image so that the shorter edge has length target_size.
img: the input image to be resized. img: the input image to be resized.
target_size: the target resized image size. target_size: the target resized image size.
""" """
percent = (target_size/float(min(img.size[0], img.size[1]))) percent = (target_size / float(min(img.size[0], img.size[1])))
resized_size = int(round(img.size[0] * percent)), int(round(img.size[1] * percent)) resized_size = int(round(img.size[0] * percent)), int(
round(img.size[1] * percent))
img = img.resize(resized_size, Image.ANTIALIAS) img = img.resize(resized_size, Image.ANTIALIAS)
return img return img
def flip(im): def flip(im):
""" """
Return the flipped image. Return the flipped image.
...@@ -38,6 +41,7 @@ def flip(im): ...@@ -38,6 +41,7 @@ def flip(im):
else: else:
return im[:, ::-1] return im[:, ::-1]
def crop_img(im, inner_size, color=True, test=True): def crop_img(im, inner_size, color=True, test=True):
""" """
Return cropped image. Return cropped image.
...@@ -50,20 +54,22 @@ def crop_img(im, inner_size, color=True, test=True): ...@@ -50,20 +54,22 @@ def crop_img(im, inner_size, color=True, test=True):
If True, crop the center of images. If True, crop the center of images.
""" """
if color: if color:
height, width = max(inner_size, im.shape[1]), max(inner_size, im.shape[2]) height, width = max(inner_size, im.shape[1]), max(inner_size,
im.shape[2])
padded_im = np.zeros((3, height, width)) padded_im = np.zeros((3, height, width))
startY = (height - im.shape[1]) / 2 startY = (height - im.shape[1]) / 2
startX = (width - im.shape[2]) / 2 startX = (width - im.shape[2]) / 2
endY, endX = startY + im.shape[1], startX + im.shape[2] endY, endX = startY + im.shape[1], startX + im.shape[2]
padded_im[:, startY: endY, startX: endX] = im padded_im[:, startY:endY, startX:endX] = im
else: else:
im = im.astype('float32') im = im.astype('float32')
height, width = max(inner_size, im.shape[0]), max(inner_size, im.shape[1]) height, width = max(inner_size, im.shape[0]), max(inner_size,
im.shape[1])
padded_im = np.zeros((height, width)) padded_im = np.zeros((height, width))
startY = (height - im.shape[0]) / 2 startY = (height - im.shape[0]) / 2
startX = (width - im.shape[1]) / 2 startX = (width - im.shape[1]) / 2
endY, endX = startY + im.shape[0], startX + im.shape[1] endY, endX = startY + im.shape[0], startX + im.shape[1]
padded_im[startY: endY, startX: endX] = im padded_im[startY:endY, startX:endX] = im
if test: if test:
startY = (height - inner_size) / 2 startY = (height - inner_size) / 2
startX = (width - inner_size) / 2 startX = (width - inner_size) / 2
...@@ -72,19 +78,21 @@ def crop_img(im, inner_size, color=True, test=True): ...@@ -72,19 +78,21 @@ def crop_img(im, inner_size, color=True, test=True):
startX = np.random.randint(0, width - inner_size + 1) startX = np.random.randint(0, width - inner_size + 1)
endY, endX = startY + inner_size, startX + inner_size endY, endX = startY + inner_size, startX + inner_size
if color: if color:
pic = padded_im[:, startY: endY, startX: endX] pic = padded_im[:, startY:endY, startX:endX]
else: else:
pic = padded_im[startY: endY, startX: endX] pic = padded_im[startY:endY, startX:endX]
if (not test) and (np.random.randint(2) == 0): if (not test) and (np.random.randint(2) == 0):
pic = flip(pic) pic = flip(pic)
return pic return pic
def decode_jpeg(jpeg_string): def decode_jpeg(jpeg_string):
np_array = np.array(Image.open(StringIO(jpeg_string))) np_array = np.array(Image.open(StringIO(jpeg_string)))
if len(np_array.shape) == 3: if len(np_array.shape) == 3:
np_array = np.transpose(np_array, (2, 0, 1)) np_array = np.transpose(np_array, (2, 0, 1))
return np_array return np_array
def preprocess_img(im, img_mean, crop_size, is_train, color=True): def preprocess_img(im, img_mean, crop_size, is_train, color=True):
""" """
Does data augmentation for images. Does data augmentation for images.
...@@ -99,6 +107,7 @@ def preprocess_img(im, img_mean, crop_size, is_train, color=True): ...@@ -99,6 +107,7 @@ def preprocess_img(im, img_mean, crop_size, is_train, color=True):
pic -= img_mean pic -= img_mean
return pic.flatten() return pic.flatten()
def load_meta(meta_path, mean_img_size, crop_size, color=True): def load_meta(meta_path, mean_img_size, crop_size, color=True):
""" """
Return the loaded meta file. Return the loaded meta file.
...@@ -109,17 +118,18 @@ def load_meta(meta_path, mean_img_size, crop_size, color=True): ...@@ -109,17 +118,18 @@ def load_meta(meta_path, mean_img_size, crop_size, color=True):
mean = np.load(meta_path)['data_mean'] mean = np.load(meta_path)['data_mean']
border = (mean_img_size - crop_size) / 2 border = (mean_img_size - crop_size) / 2
if color: if color:
assert(mean_img_size * mean_img_size * 3 == mean.shape[0]) assert (mean_img_size * mean_img_size * 3 == mean.shape[0])
mean = mean.reshape(3, mean_img_size, mean_img_size) mean = mean.reshape(3, mean_img_size, mean_img_size)
mean = mean[:, border: border + crop_size, mean = mean[:, border:border + crop_size, border:border +
border: border + crop_size].astype('float32') crop_size].astype('float32')
else: else:
assert(mean_img_size * mean_img_size == mean.shape[0]) assert (mean_img_size * mean_img_size == mean.shape[0])
mean = mean.reshape(mean_img_size, mean_img_size) mean = mean.reshape(mean_img_size, mean_img_size)
mean = mean[border: border + crop_size, mean = mean[border:border + crop_size, border:border +
border: border + crop_size].astype('float32') crop_size].astype('float32')
return mean return mean
def load_image(img_path, is_color=True): def load_image(img_path, is_color=True):
""" """
Load image and return. Load image and return.
...@@ -130,6 +140,7 @@ def load_image(img_path, is_color=True): ...@@ -130,6 +140,7 @@ def load_image(img_path, is_color=True):
img.load() img.load()
return img return img
def oversample(img, crop_dims): def oversample(img, crop_dims):
""" """
image : iterable of (H x W x K) ndarrays image : iterable of (H x W x K) ndarrays
...@@ -152,26 +163,29 @@ def oversample(img, crop_dims): ...@@ -152,26 +163,29 @@ def oversample(img, crop_dims):
for j in w_indices: for j in w_indices:
crops_ix[curr] = (i, j, i + crop_dims[0], j + crop_dims[1]) crops_ix[curr] = (i, j, i + crop_dims[0], j + crop_dims[1])
curr += 1 curr += 1
crops_ix[4] = np.tile(im_center, (1, 2)) + np.concatenate([ crops_ix[4] = np.tile(im_center, (1, 2)) + np.concatenate(
-crop_dims / 2.0, [-crop_dims / 2.0, crop_dims / 2.0])
crop_dims / 2.0
])
crops_ix = np.tile(crops_ix, (2, 1)) crops_ix = np.tile(crops_ix, (2, 1))
# Extract crops # Extract crops
crops = np.empty((10 * len(img), crop_dims[0], crop_dims[1], crops = np.empty(
im_shape[-1]), dtype=np.float32) (10 * len(img), crop_dims[0], crop_dims[1], im_shape[-1]),
dtype=np.float32)
ix = 0 ix = 0
for im in img: for im in img:
for crop in crops_ix: for crop in crops_ix:
crops[ix] = im[crop[0]:crop[2], crop[1]:crop[3], :] crops[ix] = im[crop[0]:crop[2], crop[1]:crop[3], :]
ix += 1 ix += 1
crops[ix-5:ix] = crops[ix-5:ix, :, ::-1, :] # flip for mirrors crops[ix - 5:ix] = crops[ix - 5:ix, :, ::-1, :] # flip for mirrors
return crops return crops
class ImageTransformer: class ImageTransformer:
def __init__(self, transpose = None, def __init__(self,
channel_swap = None, mean = None, is_color = True): transpose=None,
channel_swap=None,
mean=None,
is_color=True):
self.transpose = transpose self.transpose = transpose
self.channel_swap = None self.channel_swap = None
self.mean = None self.mean = None
......
...@@ -12,7 +12,7 @@ ...@@ -12,7 +12,7 @@
# 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 os,sys import os, sys
import numpy as np import numpy as np
import logging import logging
from PIL import Image from PIL import Image
...@@ -24,9 +24,11 @@ from py_paddle import swig_paddle, DataProviderConverter ...@@ -24,9 +24,11 @@ from py_paddle import swig_paddle, DataProviderConverter
from paddle.trainer.PyDataProvider2 import dense_vector from paddle.trainer.PyDataProvider2 import dense_vector
from paddle.trainer.config_parser import parse_config from paddle.trainer.config_parser import parse_config
logging.basicConfig(format='[%(levelname)s %(asctime)s %(filename)s:%(lineno)s] %(message)s') logging.basicConfig(
format='[%(levelname)s %(asctime)s %(filename)s:%(lineno)s] %(message)s')
logging.getLogger().setLevel(logging.INFO) logging.getLogger().setLevel(logging.INFO)
class ImageClassifier(): class ImageClassifier():
def __init__(self, def __init__(self,
train_conf, train_conf,
...@@ -58,8 +60,8 @@ class ImageClassifier(): ...@@ -58,8 +60,8 @@ class ImageClassifier():
self.oversample = oversample self.oversample = oversample
self.is_color = is_color self.is_color = is_color
self.transformer = image_util.ImageTransformer(is_color = is_color) self.transformer = image_util.ImageTransformer(is_color=is_color)
self.transformer.set_transpose((2,0,1)) self.transformer.set_transpose((2, 0, 1))
self.mean_file = mean_file self.mean_file = mean_file
mean = np.load(self.mean_file)['data_mean'] mean = np.load(self.mean_file)['data_mean']
...@@ -69,7 +71,8 @@ class ImageClassifier(): ...@@ -69,7 +71,8 @@ class ImageClassifier():
conf_args = "is_test=1,use_gpu=%d,is_predict=1" % (gpu) conf_args = "is_test=1,use_gpu=%d,is_predict=1" % (gpu)
conf = parse_config(train_conf, conf_args) conf = parse_config(train_conf, conf_args)
swig_paddle.initPaddle("--use_gpu=%d" % (gpu)) swig_paddle.initPaddle("--use_gpu=%d" % (gpu))
self.network = swig_paddle.GradientMachine.createFromConfigProto(conf.model_config) self.network = swig_paddle.GradientMachine.createFromConfigProto(
conf.model_config)
assert isinstance(self.network, swig_paddle.GradientMachine) assert isinstance(self.network, swig_paddle.GradientMachine)
self.network.loadParameters(self.model_dir) self.network.loadParameters(self.model_dir)
...@@ -90,14 +93,14 @@ class ImageClassifier(): ...@@ -90,14 +93,14 @@ class ImageClassifier():
# image_util.resize_image: short side is self.resize_dim # image_util.resize_image: short side is self.resize_dim
image = image_util.resize_image(image, self.resize_dim) image = image_util.resize_image(image, self.resize_dim)
image = np.array(image) image = np.array(image)
input = np.zeros((1, image.shape[0], image.shape[1], 3), input = np.zeros(
dtype=np.float32) (1, image.shape[0], image.shape[1], 3), dtype=np.float32)
input[0] = image.astype(np.float32) input[0] = image.astype(np.float32)
input = image_util.oversample(input, self.crop_dims) input = image_util.oversample(input, self.crop_dims)
else: else:
image = image.resize(self.crop_dims, Image.ANTIALIAS) image = image.resize(self.crop_dims, Image.ANTIALIAS)
input = np.zeros((1, self.crop_dims[0], self.crop_dims[1], 3), input = np.zeros(
dtype=np.float32) (1, self.crop_dims[0], self.crop_dims[1], 3), dtype=np.float32)
input[0] = np.array(image).astype(np.float32) input[0] = np.array(image).astype(np.float32)
data_in = [] data_in = []
...@@ -133,18 +136,20 @@ class ImageClassifier(): ...@@ -133,18 +136,20 @@ class ImageClassifier():
lab = np.argsort(-prob) lab = np.argsort(-prob)
logging.info("Label of %s is: %d", image, lab[0]) logging.info("Label of %s is: %d", image, lab[0])
if __name__ == '__main__': if __name__ == '__main__':
image_size=32 image_size = 32
crop_size=32 crop_size = 32
multi_crop=True multi_crop = True
config="vgg_16_cifar.py" config = "vgg_16_cifar.py"
output_layer="__fc_layer_1__" output_layer = "__fc_layer_1__"
mean_path="data/cifar-out/batches/batches.meta" mean_path = "data/cifar-out/batches/batches.meta"
model_path=sys.argv[1] model_path = sys.argv[1]
image=sys.argv[2] image = sys.argv[2]
use_gpu=bool(int(sys.argv[3])) use_gpu = bool(int(sys.argv[3]))
obj = ImageClassifier(train_conf=config, obj = ImageClassifier(
train_conf=config,
model_dir=model_path, model_dir=model_path,
resize_dim=image_size, resize_dim=image_size,
crop_dim=crop_size, crop_dim=crop_size,
......
...@@ -19,22 +19,34 @@ from optparse import OptionParser ...@@ -19,22 +19,34 @@ from optparse import OptionParser
def option_parser(): def option_parser():
parser = OptionParser(usage="usage: python preprcoess.py "\ parser = OptionParser(usage="usage: python preprcoess.py "\
"-i data_dir [options]") "-i data_dir [options]")
parser.add_option("-i", "--input", action="store", parser.add_option(
dest="input", help="Input data directory.") "-i",
parser.add_option("-s", "--size", action="store", "--input",
dest="size", help="Processed image size.") action="store",
parser.add_option("-c", "--color", action="store", dest="input",
dest="color", help="whether to use color images.") help="Input data directory.")
parser.add_option(
"-s",
"--size",
action="store",
dest="size",
help="Processed image size.")
parser.add_option(
"-c",
"--color",
action="store",
dest="color",
help="whether to use color images.")
return parser.parse_args() return parser.parse_args()
if __name__ == '__main__': if __name__ == '__main__':
options, args = option_parser() options, args = option_parser()
data_dir = options.input data_dir = options.input
processed_image_size = int(options.size) processed_image_size = int(options.size)
color = options.color == "1" color = options.color == "1"
data_creator = ImageClassificationDatasetCreater(data_dir, data_creator = ImageClassificationDatasetCreater(
processed_image_size, data_dir, processed_image_size, color)
color)
data_creator.train_list_name = "train.txt" data_creator.train_list_name = "train.txt"
data_creator.test_list_name = "test.txt" data_creator.test_list_name = "test.txt"
data_creator.num_per_batch = 1000 data_creator.num_per_batch = 1000
......
...@@ -18,14 +18,20 @@ is_predict = get_config_arg("is_predict", bool, False) ...@@ -18,14 +18,20 @@ is_predict = get_config_arg("is_predict", bool, False)
####################Data Configuration ################## ####################Data Configuration ##################
if not is_predict: if not is_predict:
data_dir='data/cifar-out/batches/' data_dir = 'data/cifar-out/batches/'
meta_path=data_dir+'batches.meta' meta_path = data_dir + 'batches.meta'
args = {'meta':meta_path,'mean_img_size': 32, args = {
'img_size': 32,'num_classes': 10, 'meta': meta_path,
'use_jpeg': 1,'color': "color"} 'mean_img_size': 32,
'img_size': 32,
define_py_data_sources2(train_list="train.list", 'num_classes': 10,
'use_jpeg': 1,
'color': "color"
}
define_py_data_sources2(
train_list="train.list",
test_list="train.list", test_list="train.list",
module='image_provider', module='image_provider',
obj='processData', obj='processData',
...@@ -33,21 +39,17 @@ if not is_predict: ...@@ -33,21 +39,17 @@ if not is_predict:
######################Algorithm Configuration ############# ######################Algorithm Configuration #############
settings( settings(
batch_size = 128, batch_size=128,
learning_rate = 0.1 / 128.0, learning_rate=0.1 / 128.0,
learning_method = MomentumOptimizer(0.9), learning_method=MomentumOptimizer(0.9),
regularization = L2Regularization(0.0005 * 128) regularization=L2Regularization(0.0005 * 128))
)
#######################Network Configuration ############# #######################Network Configuration #############
data_size=3*32*32 data_size = 3 * 32 * 32
label_size=10 label_size = 10
img = data_layer(name='image', img = data_layer(name='image', size=data_size)
size=data_size)
# small_vgg is predefined in trainer_config_helpers.networks # small_vgg is predefined in trainer_config_helpers.networks
predict = small_vgg(input_image=img, predict = small_vgg(input_image=img, num_channels=3, num_classes=label_size)
num_channels=3,
num_classes=label_size)
if not is_predict: if not is_predict:
lbl = data_layer(name="label", size=label_size) lbl = data_layer(name="label", size=label_size)
......
This folder contains scripts used in PaddlePaddle introduction. This folder contains scripts used in PaddlePaddle introduction.
- use `bash train.sh` to train a simple linear regression model - use `bash train.sh` to train a simple linear regression model
- use `python evaluate_model.py` to read model parameters. You can see that `w` and `b` are very close to [2, 0.3]. - use `python evaluate_model.py` to read model parameters. You can see that `w` and `b` are very close to [2, 0.3].
...@@ -15,10 +15,10 @@ ...@@ -15,10 +15,10 @@
from paddle.trainer.PyDataProvider2 import * from paddle.trainer.PyDataProvider2 import *
import random import random
# define data types of input: 2 real numbers # define data types of input: 2 real numbers
@provider(input_types=[dense_vector(1), dense_vector(1)],use_seq=False) @provider(input_types=[dense_vector(1), dense_vector(1)], use_seq=False)
def process(settings, input_file): def process(settings, input_file):
for i in xrange(2000): for i in xrange(2000):
x = random.random() x = random.random()
yield [x], [2*x+0.3] yield [x], [2 * x + 0.3]
...@@ -23,14 +23,17 @@ Usage: ...@@ -23,14 +23,17 @@ Usage:
import numpy as np import numpy as np
import os import os
def load(file_name): def load(file_name):
with open(file_name, 'rb') as f: with open(file_name, 'rb') as f:
f.read(16) # skip header for float type. f.read(16) # skip header for float type.
return np.fromfile(f, dtype=np.float32) return np.fromfile(f, dtype=np.float32)
def main(): def main():
print 'w=%.6f, b=%.6f from pass 29' % (load('output/pass-00029/w'), print 'w=%.6f, b=%.6f from pass 29' % (load('output/pass-00029/w'),
load('output/pass-00029/b')) load('output/pass-00029/b'))
if __name__ == '__main__': if __name__ == '__main__':
main() main()
...@@ -16,9 +16,14 @@ from paddle.trainer_config_helpers import * ...@@ -16,9 +16,14 @@ from paddle.trainer_config_helpers import *
# 1. read data. Suppose you saved above python code as dataprovider.py # 1. read data. Suppose you saved above python code as dataprovider.py
data_file = 'empty.list' data_file = 'empty.list'
with open(data_file, 'w') as f: f.writelines(' ') with open(data_file, 'w') as f:
define_py_data_sources2(train_list=data_file, test_list=None, f.writelines(' ')
module='dataprovider', obj='process',args={}) define_py_data_sources2(
train_list=data_file,
test_list=None,
module='dataprovider',
obj='process',
args={})
# 2. learning algorithm # 2. learning algorithm
settings(batch_size=12, learning_rate=1e-3, learning_method=MomentumOptimizer()) settings(batch_size=12, learning_rate=1e-3, learning_method=MomentumOptimizer())
...@@ -26,7 +31,11 @@ settings(batch_size=12, learning_rate=1e-3, learning_method=MomentumOptimizer()) ...@@ -26,7 +31,11 @@ settings(batch_size=12, learning_rate=1e-3, learning_method=MomentumOptimizer())
# 3. Network configuration # 3. Network configuration
x = data_layer(name='x', size=1) x = data_layer(name='x', size=1)
y = data_layer(name='y', size=1) y = data_layer(name='y', size=1)
y_predict = fc_layer(input=x, param_attr=ParamAttr(name='w'), size=1, act=LinearActivation(), bias_attr=ParamAttr(name='b')) y_predict = fc_layer(
input=x,
param_attr=ParamAttr(name='w'),
size=1,
act=LinearActivation(),
bias_attr=ParamAttr(name='b'))
cost = regression_cost(input=y_predict, label=y) cost = regression_cost(input=y_predict, label=y)
outputs(cost) outputs(cost)
...@@ -13,9 +13,9 @@ ...@@ -13,9 +13,9 @@
# limitations under the License. # limitations under the License.
o = open("./" + "train.list", "w") o = open("./" + "train.list", "w")
o.write("./data/raw_data/train" +"\n") o.write("./data/raw_data/train" + "\n")
o.close() o.close()
o = open("./" + "test.list", "w") o = open("./" + "test.list", "w")
o.write("./data/raw_data/t10k" +"\n") o.write("./data/raw_data/t10k" + "\n")
o.close() o.close()
...@@ -19,4 +19,3 @@ done ...@@ -19,4 +19,3 @@ done
cd $DIR cd $DIR
rm -f *.list rm -f *.list
python generate_list.py python generate_list.py
...@@ -2,10 +2,9 @@ from paddle.trainer.PyDataProvider2 import * ...@@ -2,10 +2,9 @@ from paddle.trainer.PyDataProvider2 import *
# Define a py data provider # Define a py data provider
@provider(input_types={ @provider(
'pixel': dense_vector(28 * 28), input_types={'pixel': dense_vector(28 * 28),
'label': integer_value(10) 'label': integer_value(10)})
})
def process(settings, filename): # settings is not used currently. def process(settings, filename): # settings is not used currently.
imgf = filename + "-images-idx3-ubyte" imgf = filename + "-images-idx3-ubyte"
labelf = filename + "-labels-idx1-ubyte" labelf = filename + "-labels-idx1-ubyte"
......
...@@ -18,32 +18,29 @@ is_predict = get_config_arg("is_predict", bool, False) ...@@ -18,32 +18,29 @@ is_predict = get_config_arg("is_predict", bool, False)
####################Data Configuration ################## ####################Data Configuration ##################
if not is_predict: if not is_predict:
data_dir='./data/' data_dir = './data/'
define_py_data_sources2(train_list= data_dir + 'train.list', define_py_data_sources2(
test_list= data_dir + 'test.list', train_list=data_dir + 'train.list',
test_list=data_dir + 'test.list',
module='mnist_provider', module='mnist_provider',
obj='process') obj='process')
######################Algorithm Configuration ############# ######################Algorithm Configuration #############
settings( settings(
batch_size = 128, batch_size=128,
learning_rate = 0.1 / 128.0, learning_rate=0.1 / 128.0,
learning_method = MomentumOptimizer(0.9), learning_method=MomentumOptimizer(0.9),
regularization = L2Regularization(0.0005 * 128) regularization=L2Regularization(0.0005 * 128))
)
#######################Network Configuration ############# #######################Network Configuration #############
data_size=1*28*28 data_size = 1 * 28 * 28
label_size=10 label_size = 10
img = data_layer(name='pixel', size=data_size) img = data_layer(name='pixel', size=data_size)
# small_vgg is predined in trainer_config_helpers.network # small_vgg is predined in trainer_config_helpers.network
predict = small_vgg(input_image=img, predict = small_vgg(input_image=img, num_channels=1, num_classes=label_size)
num_channels=1,
num_classes=label_size)
if not is_predict: if not is_predict:
lbl = data_layer(name="label", size=label_size) lbl = data_layer(name="label", size=label_size)
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# 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.
""" """
Example: Example:
python extract_para.py --preModel PREMODEL --preDict PREDICT \ python extract_para.py --preModel PREMODEL --preDict PREDICT \
...@@ -29,6 +28,7 @@ Options: ...@@ -29,6 +28,7 @@ Options:
from optparse import OptionParser from optparse import OptionParser
import struct import struct
def get_row_index(preDict, usrDict): def get_row_index(preDict, usrDict):
""" """
Get the row positions for all words in user dictionary from pre-trained dictionary. Get the row positions for all words in user dictionary from pre-trained dictionary.
...@@ -47,7 +47,9 @@ def get_row_index(preDict, usrDict): ...@@ -47,7 +47,9 @@ def get_row_index(preDict, usrDict):
pos.append(index[word]) pos.append(index[word])
return pos return pos
def extract_parameters_by_usrDict(preModel, preDict, usrModel, usrDict, paraDim):
def extract_parameters_by_usrDict(preModel, preDict, usrModel, usrDict,
paraDim):
""" """
Extract desired parameters from a pretrained embedding model based on user dictionary Extract desired parameters from a pretrained embedding model based on user dictionary
""" """
...@@ -70,6 +72,7 @@ def extract_parameters_by_usrDict(preModel, preDict, usrModel, usrDict, paraDim) ...@@ -70,6 +72,7 @@ def extract_parameters_by_usrDict(preModel, preDict, usrModel, usrDict, paraDim)
print "extract parameters finish, total", len(rowIndex), "lines" print "extract parameters finish, total", len(rowIndex), "lines"
fi.close() fi.close()
def main(): def main():
""" """
Main entry for running paraconvert.py Main entry for running paraconvert.py
...@@ -78,19 +81,33 @@ def main(): ...@@ -78,19 +81,33 @@ def main():
"python %prog --preModel PREMODEL --preDict PREDICT" \ "python %prog --preModel PREMODEL --preDict PREDICT" \
" --usrModel USRMODEL --usrDict USRDICT -d DIM" " --usrModel USRMODEL --usrDict USRDICT -d DIM"
parser = OptionParser(usage) parser = OptionParser(usage)
parser.add_option("--preModel", action="store", dest="preModel", parser.add_option(
"--preModel",
action="store",
dest="preModel",
help="the name of pretrained embedding model") help="the name of pretrained embedding model")
parser.add_option("--preDict", action="store", dest="preDict", parser.add_option(
"--preDict",
action="store",
dest="preDict",
help="the name of pretrained dictionary") help="the name of pretrained dictionary")
parser.add_option("--usrModel", action="store", dest="usrModel", parser.add_option(
"--usrModel",
action="store",
dest="usrModel",
help="the name of output usr embedding model") help="the name of output usr embedding model")
parser.add_option("--usrDict", action="store", dest="usrDict", parser.add_option(
"--usrDict",
action="store",
dest="usrDict",
help="the name of user specified dictionary") help="the name of user specified dictionary")
parser.add_option("-d", action="store", dest="dim", parser.add_option(
help="dimension of parameter") "-d", action="store", dest="dim", help="dimension of parameter")
(options, args) = parser.parse_args() (options, args) = parser.parse_args()
extract_parameters_by_usrDict(options.preModel, options.preDict, extract_parameters_by_usrDict(options.preModel, options.preDict,
options.usrModel, options.usrDict, int(options.dim)) options.usrModel, options.usrDict,
int(options.dim))
if __name__ == '__main__': if __name__ == '__main__':
main() main()
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# 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.
""" """
Example: Example:
python paraconvert.py --b2t -i INPUT -o OUTPUT -d DIM python paraconvert.py --b2t -i INPUT -o OUTPUT -d DIM
...@@ -29,6 +28,7 @@ Options: ...@@ -29,6 +28,7 @@ Options:
from optparse import OptionParser from optparse import OptionParser
import struct import struct
def binary2text(input, output, paraDim): def binary2text(input, output, paraDim):
""" """
Convert a binary parameter file of embedding model to be a text file. Convert a binary parameter file of embedding model to be a text file.
...@@ -76,6 +76,7 @@ def binary2text(input, output, paraDim): ...@@ -76,6 +76,7 @@ def binary2text(input, output, paraDim):
fo.close() fo.close()
print "binary2text finish, total", line, "lines" print "binary2text finish, total", line, "lines"
def get_para_count(input): def get_para_count(input):
""" """
Compute the total number of embedding parameters in input text file. Compute the total number of embedding parameters in input text file.
...@@ -90,6 +91,7 @@ def get_para_count(input): ...@@ -90,6 +91,7 @@ def get_para_count(input):
numRows += 1 numRows += 1
return numRows * paraDim return numRows * paraDim
def text2binary(input, output, paddle_head=True): def text2binary(input, output, paddle_head=True):
""" """
Convert a text parameter file of embedding model to be a binary file. Convert a text parameter file of embedding model to be a binary file.
...@@ -123,6 +125,7 @@ def text2binary(input, output, paddle_head=True): ...@@ -123,6 +125,7 @@ def text2binary(input, output, paddle_head=True):
fo.close() fo.close()
print "text2binary finish, total", count, "lines" print "text2binary finish, total", count, "lines"
def main(): def main():
""" """
Main entry for running paraconvert.py Main entry for running paraconvert.py
...@@ -131,21 +134,26 @@ def main(): ...@@ -131,21 +134,26 @@ def main():
"python %prog --b2t -i INPUT -o OUTPUT -d DIM \n" \ "python %prog --b2t -i INPUT -o OUTPUT -d DIM \n" \
"python %prog --t2b -i INPUT -o OUTPUT" "python %prog --t2b -i INPUT -o OUTPUT"
parser = OptionParser(usage) parser = OptionParser(usage)
parser.add_option("--b2t", action="store_true", parser.add_option(
"--b2t",
action="store_true",
help="convert parameter file of embedding model from binary to text") help="convert parameter file of embedding model from binary to text")
parser.add_option("--t2b", action="store_true", parser.add_option(
"--t2b",
action="store_true",
help="convert parameter file of embedding model from text to binary") help="convert parameter file of embedding model from text to binary")
parser.add_option("-i", action="store", dest="input", parser.add_option(
help="input parameter file name") "-i", action="store", dest="input", help="input parameter file name")
parser.add_option("-o", action="store", dest="output", parser.add_option(
help="output parameter file name") "-o", action="store", dest="output", help="output parameter file name")
parser.add_option("-d", action="store", dest="dim", parser.add_option(
help="dimension of parameter") "-d", action="store", dest="dim", help="dimension of parameter")
(options, args) = parser.parse_args() (options, args) = parser.parse_args()
if options.b2t: if options.b2t:
binary2text(options.input, options.output, options.dim) binary2text(options.input, options.output, options.dim)
if options.t2b: if options.t2b:
text2binary(options.input, options.output) text2binary(options.input, options.output)
if __name__ == '__main__': if __name__ == '__main__':
main() main()
...@@ -26,16 +26,22 @@ from py_paddle import swig_paddle, DataProviderConverter ...@@ -26,16 +26,22 @@ from py_paddle import swig_paddle, DataProviderConverter
from paddle.trainer.PyDataProvider2 import dense_vector from paddle.trainer.PyDataProvider2 import dense_vector
from paddle.trainer.config_parser import parse_config from paddle.trainer.config_parser import parse_config
logging.basicConfig(format='[%(levelname)s %(asctime)s %(filename)s:%(lineno)s] %(message)s') logging.basicConfig(
format='[%(levelname)s %(asctime)s %(filename)s:%(lineno)s] %(message)s')
logging.getLogger().setLevel(logging.INFO) logging.getLogger().setLevel(logging.INFO)
class ImageClassifier(): class ImageClassifier():
def __init__(self, train_conf, model_dir=None, def __init__(self,
resize_dim=256, crop_dim=224, train_conf,
model_dir=None,
resize_dim=256,
crop_dim=224,
use_gpu=True, use_gpu=True,
mean_file=None, mean_file=None,
output_layer=None, output_layer=None,
oversample=False, is_color=True): oversample=False,
is_color=True):
""" """
train_conf: network configure. train_conf: network configure.
model_dir: string, directory of model. model_dir: string, directory of model.
...@@ -62,9 +68,9 @@ class ImageClassifier(): ...@@ -62,9 +68,9 @@ class ImageClassifier():
assert isinstance(self.output_layer, basestring) assert isinstance(self.output_layer, basestring)
self.output_layer = self.output_layer.split(",") self.output_layer = self.output_layer.split(",")
self.transformer = image_util.ImageTransformer(is_color = is_color) self.transformer = image_util.ImageTransformer(is_color=is_color)
self.transformer.set_transpose((2,0,1)) self.transformer.set_transpose((2, 0, 1))
self.transformer.set_channel_swap((2,1,0)) self.transformer.set_channel_swap((2, 1, 0))
self.mean_file = mean_file self.mean_file = mean_file
if self.mean_file is not None: if self.mean_file is not None:
...@@ -74,12 +80,13 @@ class ImageClassifier(): ...@@ -74,12 +80,13 @@ class ImageClassifier():
else: else:
# if you use three mean value, set like: # if you use three mean value, set like:
# this three mean value is calculated from ImageNet. # this three mean value is calculated from ImageNet.
self.transformer.set_mean(np.array([103.939,116.779,123.68])) self.transformer.set_mean(np.array([103.939, 116.779, 123.68]))
conf_args = "is_test=1,use_gpu=%d,is_predict=1" % (int(use_gpu)) conf_args = "is_test=1,use_gpu=%d,is_predict=1" % (int(use_gpu))
conf = parse_config(train_conf, conf_args) conf = parse_config(train_conf, conf_args)
swig_paddle.initPaddle("--use_gpu=%d" % (int(use_gpu))) swig_paddle.initPaddle("--use_gpu=%d" % (int(use_gpu)))
self.network = swig_paddle.GradientMachine.createFromConfigProto(conf.model_config) self.network = swig_paddle.GradientMachine.createFromConfigProto(
conf.model_config)
assert isinstance(self.network, swig_paddle.GradientMachine) assert isinstance(self.network, swig_paddle.GradientMachine)
self.network.loadParameters(self.model_dir) self.network.loadParameters(self.model_dir)
...@@ -105,14 +112,14 @@ class ImageClassifier(): ...@@ -105,14 +112,14 @@ class ImageClassifier():
# image_util.resize_image: short side is self.resize_dim # image_util.resize_image: short side is self.resize_dim
image = image_util.resize_image(image, self.resize_dim) image = image_util.resize_image(image, self.resize_dim)
image = np.array(image) image = np.array(image)
input = np.zeros((1, image.shape[0], image.shape[1], 3), input = np.zeros(
dtype=np.float32) (1, image.shape[0], image.shape[1], 3), dtype=np.float32)
input[0] = image.astype(np.float32) input[0] = image.astype(np.float32)
input = image_util.oversample(input, self.crop_dims) input = image_util.oversample(input, self.crop_dims)
else: else:
image = image.resize(self.crop_dims, Image.ANTIALIAS) image = image.resize(self.crop_dims, Image.ANTIALIAS)
input = np.zeros((1, self.crop_dims[0], self.crop_dims[1], 3), input = np.zeros(
dtype=np.float32) (1, self.crop_dims[0], self.crop_dims[1], 3), dtype=np.float32)
input[0] = np.array(image).astype(np.float32) input[0] = np.array(image).astype(np.float32)
data_in = [] data_in = []
...@@ -172,7 +179,7 @@ class ImageClassifier(): ...@@ -172,7 +179,7 @@ class ImageClassifier():
logging.info("Label of %s is: %d", image, lab[0]) logging.info("Label of %s is: %d", image, lab[0])
return results return results
def extract(self, data_file, output_dir, batch_size = 10000): def extract(self, data_file, output_dir, batch_size=10000):
""" """
extract and save features of output layers, which are extract and save features of output layers, which are
specify in Outputs() in network configure. specify in Outputs() in network configure.
...@@ -197,7 +204,7 @@ class ImageClassifier(): ...@@ -197,7 +204,7 @@ class ImageClassifier():
image_feature[file_name] = feature image_feature[file_name] = feature
sample_num += 1 sample_num += 1
if sample_num == batch_size: if sample_num == batch_size:
batch_name = os.path.join(output_dir, 'batch_%d' %(batch_num)) batch_name = os.path.join(output_dir, 'batch_%d' % (batch_num))
self.save_file(image_feature, batch_name) self.save_file(image_feature, batch_name)
logging.info('Finish batch %d', batch_num) logging.info('Finish batch %d', batch_num)
batch_num += 1 batch_num += 1
...@@ -206,7 +213,7 @@ class ImageClassifier(): ...@@ -206,7 +213,7 @@ class ImageClassifier():
if idx % 1000 == 0: if idx % 1000 == 0:
logging.info('%d/%d, %s', idx, len(image_files), file_name) logging.info('%d/%d, %s', idx, len(image_files), file_name)
if sample_num > 0: if sample_num > 0:
batch_name = os.path.join(output_dir, 'batch_%d' %(batch_num)) batch_name = os.path.join(output_dir, 'batch_%d' % (batch_num))
self.save_file(image_feature, batch_name) self.save_file(image_feature, batch_name)
logging.info('Finish batch %d', batch_num) logging.info('Finish batch %d', batch_num)
logging.info('Done: make image feature batch') logging.info('Done: make image feature batch')
...@@ -215,37 +222,63 @@ class ImageClassifier(): ...@@ -215,37 +222,63 @@ class ImageClassifier():
of = open(file, 'wb') of = open(file, 'wb')
cPickle.dump(data, of, protocol=cPickle.HIGHEST_PROTOCOL) cPickle.dump(data, of, protocol=cPickle.HIGHEST_PROTOCOL)
def option_parser(): def option_parser():
""" """
Main entry for predciting Main entry for predciting
""" """
usage = "%prog -c config -i data_list -w model_dir [options]" usage = "%prog -c config -i data_list -w model_dir [options]"
parser = OptionParser(usage="usage: %s" % usage) parser = OptionParser(usage="usage: %s" % usage)
parser.add_option("-j", "--job", parser.add_option(
action="store", dest="job_type", "-j",
"--job",
action="store",
dest="job_type",
help="job type: predict, extract\ help="job type: predict, extract\
predict: predicting,\ predict: predicting,\
extract: extract features") extract: extract features")
parser.add_option("-c", "--conf", parser.add_option(
action="store", dest="train_conf", "-c",
"--conf",
action="store",
dest="train_conf",
help="network config") help="network config")
parser.add_option("-i", "--data", parser.add_option(
action="store", dest="data_file", "-i", "--data", action="store", dest="data_file", help="image list")
help="image list") parser.add_option(
parser.add_option("-w", "--model", "-w",
action="store", dest="model_path", "--model",
default=None, help="model path") action="store",
parser.add_option("-g", "--use_gpu", action="store", dest="model_path",
dest="use_gpu", default=True, default=None,
help="model path")
parser.add_option(
"-g",
"--use_gpu",
action="store",
dest="use_gpu",
default=True,
help="Whether to use gpu mode.") help="Whether to use gpu mode.")
parser.add_option("-o", "--output_dir", parser.add_option(
action="store", dest="output_dir", "-o",
default="output", help="output path") "--output_dir",
parser.add_option("-m", "--mean", action="store", action="store",
dest="mean", default=None, dest="output_dir",
default="output",
help="output path")
parser.add_option(
"-m",
"--mean",
action="store",
dest="mean",
default=None,
help="mean file.") help="mean file.")
parser.add_option("-p", "--multi_crop", action="store_true", parser.add_option(
dest="multi_crop", default=False, "-p",
"--multi_crop",
action="store_true",
dest="multi_crop",
default=False,
help="Wether to use multiple crops on image.") help="Wether to use multiple crops on image.")
parser.add_option("-l", "--output_layer", action="store", parser.add_option("-l", "--output_layer", action="store",
dest="output_layer", default=None, dest="output_layer", default=None,
...@@ -254,13 +287,15 @@ def option_parser(): ...@@ -254,13 +287,15 @@ def option_parser():
"classification probability, output in resnet.py.") "classification probability, output in resnet.py.")
return parser.parse_args() return parser.parse_args()
def main(): def main():
""" """
1. parse input arguments. 1. parse input arguments.
2. predicting or extract features according job type. 2. predicting or extract features according job type.
""" """
options, args = option_parser() options, args = option_parser()
obj = ImageClassifier(options.train_conf, obj = ImageClassifier(
options.train_conf,
options.model_path, options.model_path,
use_gpu=options.use_gpu, use_gpu=options.use_gpu,
mean_file=options.mean, mean_file=options.mean,
...@@ -270,8 +305,8 @@ def main(): ...@@ -270,8 +305,8 @@ def main():
obj.predict(options.data_file) obj.predict(options.data_file)
elif options.job_type == "extract": elif options.job_type == "extract":
obj.extract(options.data_file, obj.extract(options.data_file, options.output_dir)
options.output_dir)
if __name__ == '__main__': if __name__ == '__main__':
main() main()
...@@ -11,4 +11,3 @@ ...@@ -11,4 +11,3 @@
# 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.
...@@ -16,8 +16,7 @@ from paddle.utils.image_util import * ...@@ -16,8 +16,7 @@ from paddle.utils.image_util import *
from paddle.trainer.PyDataProvider2 import * from paddle.trainer.PyDataProvider2 import *
def hook(settings, image_size, crop_size, color, file_list, def hook(settings, image_size, crop_size, color, file_list, is_train, **kwargs):
is_train, **kwargs):
""" """
Description: Init with a list of data file Description: Init with a list of data file
file_list is the name list of input files. file_list is the name list of input files.
...@@ -58,7 +57,7 @@ def hook(settings, image_size, crop_size, color, file_list, ...@@ -58,7 +57,7 @@ def hook(settings, image_size, crop_size, color, file_list,
sz = settings.crop_size * settings.crop_size sz = settings.crop_size * settings.crop_size
settings.img_mean = np.zeros(sz * 3, dtype=np.single) settings.img_mean = np.zeros(sz * 3, dtype=np.single)
for idx, value in enumerate(settings.mean_value): for idx, value in enumerate(settings.mean_value):
settings.img_mean[idx * sz: (idx + 1) * sz] = value settings.img_mean[idx * sz:(idx + 1) * sz] = value
settings.img_mean = settings.img_mean.reshape(3, settings.crop_size, settings.img_mean = settings.img_mean.reshape(3, settings.crop_size,
settings.crop_size) settings.crop_size)
...@@ -69,7 +68,8 @@ def hook(settings, image_size, crop_size, color, file_list, ...@@ -69,7 +68,8 @@ def hook(settings, image_size, crop_size, color, file_list,
settings.input_types = [ settings.input_types = [
dense_vector(settings.img_input_size), # image feature dense_vector(settings.img_input_size), # image feature
integer_value(1)] # labels integer_value(1)
] # labels
settings.logger.info('Image short side: %s', settings.img_size) settings.logger.info('Image short side: %s', settings.img_size)
settings.logger.info('Crop size: %s', settings.crop_size) settings.logger.info('Crop size: %s', settings.crop_size)
...@@ -97,9 +97,6 @@ def processData(settings, file_list): ...@@ -97,9 +97,6 @@ def processData(settings, file_list):
# swap channel # swap channel
if settings.is_swap_channel: if settings.is_swap_channel:
img = img[settings.swap_channel, :, :] img = img[settings.swap_channel, :, :]
img_feat = preprocess_img(img, img_feat = preprocess_img(img, settings.img_mean, settings.crop_size,
settings.img_mean, settings.is_train, settings.color)
settings.crop_size,
settings.is_train,
settings.color)
yield img_feat.tolist(), int(lab.strip()) yield img_feat.tolist(), int(lab.strip())
...@@ -17,9 +17,11 @@ import sys ...@@ -17,9 +17,11 @@ import sys
import cPickle import cPickle
import logging import logging
logging.basicConfig(format='[%(levelname)s %(asctime)s %(filename)s:%(lineno)s] %(message)s') logging.basicConfig(
format='[%(levelname)s %(asctime)s %(filename)s:%(lineno)s] %(message)s')
logging.getLogger().setLevel(logging.INFO) logging.getLogger().setLevel(logging.INFO)
def load_feature_c(file): def load_feature_c(file):
""" """
Load feature extracted by C++ interface. Load feature extracted by C++ interface.
...@@ -38,6 +40,7 @@ def load_feature_c(file): ...@@ -38,6 +40,7 @@ def load_feature_c(file):
f.close() f.close()
return features return features
def load_feature_py(feature_dir): def load_feature_py(feature_dir):
""" """
Load feature extracted by python interface. Load feature extracted by python interface.
...@@ -54,6 +57,7 @@ def load_feature_py(feature_dir): ...@@ -54,6 +57,7 @@ def load_feature_py(feature_dir):
logging.info('Load feature file %s', file_name) logging.info('Load feature file %s', file_name)
return features return features
if __name__ == '__main__': if __name__ == '__main__':
print load_feature_py(sys.argv[1]) print load_feature_py(sys.argv[1])
#print load_feature_c(sys.argv[1]) #print load_feature_c(sys.argv[1])
...@@ -13,7 +13,6 @@ ...@@ -13,7 +13,6 @@
# limitations under the License. # limitations under the License.
from paddle.trainer_config_helpers import * from paddle.trainer_config_helpers import *
""" """
paper: https://arxiv.org/abs/1512.03385 paper: https://arxiv.org/abs/1512.03385
""" """
...@@ -28,11 +27,15 @@ if not is_predict and data_provider: ...@@ -28,11 +27,15 @@ if not is_predict and data_provider:
# mean.meta size : 3 x 224 x 224. # mean.meta size : 3 x 224 x 224.
# If you use three mean value, set like: # If you use three mean value, set like:
# "mean_value:103.939,116.779,123.68;" # "mean_value:103.939,116.779,123.68;"
args={ args = {
'mean_meta': "model/mean_meta_224/mean.meta", 'mean_meta': "model/mean_meta_224/mean.meta",
'image_size': 224, 'crop_size': 224, 'image_size': 224,
'color': True,'swap_channel:': [2, 1, 0]} 'crop_size': 224,
define_py_data_sources2(train_list, 'color': True,
'swap_channel:': [2, 1, 0]
}
define_py_data_sources2(
train_list,
'example/test.list', 'example/test.list',
module="example.image_list_provider", module="example.image_list_provider",
obj="processData", obj="processData",
...@@ -54,12 +57,16 @@ Settings( ...@@ -54,12 +57,16 @@ Settings(
learning_method='momentum', learning_method='momentum',
learning_rate_decay_a=0.5, learning_rate_decay_a=0.5,
learning_rate_decay_b=1200000 * 10, learning_rate_decay_b=1200000 * 10,
learning_rate_schedule="discexp", learning_rate_schedule="discexp", )
)
def conv_bn_layer(name, input, filter_size, num_filters, def conv_bn_layer(name,
stride, padding, channels=None, input,
filter_size,
num_filters,
stride,
padding,
channels=None,
active_type=ReluActivation()): active_type=ReluActivation()):
""" """
A wrapper for conv layer with batch normalization layers. A wrapper for conv layer with batch normalization layers.
...@@ -67,7 +74,8 @@ def conv_bn_layer(name, input, filter_size, num_filters, ...@@ -67,7 +74,8 @@ def conv_bn_layer(name, input, filter_size, num_filters,
conv layer has no activation. conv layer has no activation.
""" """
tmp = img_conv_layer(name=name + "_conv", tmp = img_conv_layer(
name=name + "_conv",
input=input, input=input,
filter_size=filter_size, filter_size=filter_size,
num_channels=channels, num_channels=channels,
...@@ -76,10 +84,8 @@ def conv_bn_layer(name, input, filter_size, num_filters, ...@@ -76,10 +84,8 @@ def conv_bn_layer(name, input, filter_size, num_filters,
padding=padding, padding=padding,
act=LinearActivation(), act=LinearActivation(),
bias_attr=False) bias_attr=False)
return batch_norm_layer(name=name + "_bn", return batch_norm_layer(
input=tmp, name=name + "_bn", input=tmp, act=active_type, use_global_stats=is_test)
act=active_type,
use_global_stats=is_test)
def bottleneck_block(name, input, num_filters1, num_filters2): def bottleneck_block(name, input, num_filters1, num_filters2):
...@@ -88,19 +94,22 @@ def bottleneck_block(name, input, num_filters1, num_filters2): ...@@ -88,19 +94,22 @@ def bottleneck_block(name, input, num_filters1, num_filters2):
Last conv_bn_layer has no activation. Last conv_bn_layer has no activation.
Addto layer has activation of relu. Addto layer has activation of relu.
""" """
last_name = conv_bn_layer(name=name + '_branch2a', last_name = conv_bn_layer(
name=name + '_branch2a',
input=input, input=input,
filter_size=1, filter_size=1,
num_filters=num_filters1, num_filters=num_filters1,
stride=1, stride=1,
padding=0) padding=0)
last_name = conv_bn_layer(name=name + '_branch2b', last_name = conv_bn_layer(
name=name + '_branch2b',
input=last_name, input=last_name,
filter_size=3, filter_size=3,
num_filters=num_filters1, num_filters=num_filters1,
stride=1, stride=1,
padding=1) padding=1)
last_name = conv_bn_layer(name=name + '_branch2c', last_name = conv_bn_layer(
name=name + '_branch2c',
input=last_name, input=last_name,
filter_size=1, filter_size=1,
num_filters=num_filters2, num_filters=num_filters2,
...@@ -108,9 +117,8 @@ def bottleneck_block(name, input, num_filters1, num_filters2): ...@@ -108,9 +117,8 @@ def bottleneck_block(name, input, num_filters1, num_filters2):
padding=0, padding=0,
active_type=LinearActivation()) active_type=LinearActivation())
return addto_layer(name=name + "_addto", return addto_layer(
input=[input, last_name], name=name + "_addto", input=[input, last_name], act=ReluActivation())
act=ReluActivation())
def mid_projection(name, input, num_filters1, num_filters2, stride=2): def mid_projection(name, input, num_filters1, num_filters2, stride=2):
...@@ -123,7 +131,8 @@ def mid_projection(name, input, num_filters1, num_filters2, stride=2): ...@@ -123,7 +131,8 @@ def mid_projection(name, input, num_filters1, num_filters2, stride=2):
branch2x: bottleneck building block, shortcuts are identity. branch2x: bottleneck building block, shortcuts are identity.
""" """
# stride = 2 # stride = 2
branch1 = conv_bn_layer(name=name + '_branch1', branch1 = conv_bn_layer(
name=name + '_branch1',
input=input, input=input,
filter_size=1, filter_size=1,
num_filters=num_filters2, num_filters=num_filters2,
...@@ -131,20 +140,23 @@ def mid_projection(name, input, num_filters1, num_filters2, stride=2): ...@@ -131,20 +140,23 @@ def mid_projection(name, input, num_filters1, num_filters2, stride=2):
padding=0, padding=0,
active_type=LinearActivation()) active_type=LinearActivation())
last_name = conv_bn_layer(name=name + '_branch2a', last_name = conv_bn_layer(
name=name + '_branch2a',
input=input, input=input,
filter_size=1, filter_size=1,
num_filters=num_filters1, num_filters=num_filters1,
stride=stride, stride=stride,
padding=0) padding=0)
last_name = conv_bn_layer(name=name + '_branch2b', last_name = conv_bn_layer(
name=name + '_branch2b',
input=last_name, input=last_name,
filter_size=3, filter_size=3,
num_filters=num_filters1, num_filters=num_filters1,
stride=1, stride=1,
padding=1) padding=1)
last_name = conv_bn_layer(name=name + '_branch2c', last_name = conv_bn_layer(
name=name + '_branch2c',
input=last_name, input=last_name,
filter_size=1, filter_size=1,
num_filters=num_filters2, num_filters=num_filters2,
...@@ -152,9 +164,8 @@ def mid_projection(name, input, num_filters1, num_filters2, stride=2): ...@@ -152,9 +164,8 @@ def mid_projection(name, input, num_filters1, num_filters2, stride=2):
padding=0, padding=0,
active_type=LinearActivation()) active_type=LinearActivation())
return addto_layer(name=name + "_addto", return addto_layer(
input=[branch1, last_name], name=name + "_addto", input=[branch1, last_name], act=ReluActivation())
act=ReluActivation())
def deep_res_net(res2_num=3, res3_num=4, res4_num=6, res5_num=3): def deep_res_net(res2_num=3, res3_num=4, res4_num=6, res5_num=3):
...@@ -168,7 +179,9 @@ def deep_res_net(res2_num=3, res3_num=4, res4_num=6, res5_num=3): ...@@ -168,7 +179,9 @@ def deep_res_net(res2_num=3, res3_num=4, res4_num=6, res5_num=3):
# For ImageNet # For ImageNet
# conv1: 112x112 # conv1: 112x112
img = data_layer(name='input', size=224 * 224 * 3) img = data_layer(name='input', size=224 * 224 * 3)
tmp = conv_bn_layer("conv1", img, tmp = conv_bn_layer(
"conv1",
img,
filter_size=7, filter_size=7,
channels=3, channels=3,
num_filters=64, num_filters=64,
...@@ -177,58 +190,56 @@ def deep_res_net(res2_num=3, res3_num=4, res4_num=6, res5_num=3): ...@@ -177,58 +190,56 @@ def deep_res_net(res2_num=3, res3_num=4, res4_num=6, res5_num=3):
tmp = img_pool_layer(name="pool1", input=tmp, pool_size=3, stride=2) tmp = img_pool_layer(name="pool1", input=tmp, pool_size=3, stride=2)
# conv2_x: 56x56 # conv2_x: 56x56
tmp = mid_projection(name="res2_1", tmp = mid_projection(
input=tmp, name="res2_1", input=tmp, num_filters1=64, num_filters2=256, stride=1)
num_filters1=64,
num_filters2=256,
stride=1)
for i in xrange(2, res2_num + 1, 1): for i in xrange(2, res2_num + 1, 1):
tmp = bottleneck_block(name="res2_" + str(i), tmp = bottleneck_block(
input=tmp, name="res2_" + str(i), input=tmp, num_filters1=64, num_filters2=256)
num_filters1=64,
num_filters2=256)
# conv3_x: 28x28 # conv3_x: 28x28
tmp = mid_projection(name="res3_1", tmp = mid_projection(
name="res3_1", input=tmp, num_filters1=128, num_filters2=512)
for i in xrange(2, res3_num + 1, 1):
tmp = bottleneck_block(
name="res3_" + str(i),
input=tmp, input=tmp,
num_filters1=128, num_filters1=128,
num_filters2=512) num_filters2=512)
for i in xrange(2, res3_num + 1, 1):
tmp = bottleneck_block(name="res3_" + str(i),
input=tmp, num_filters1=128,
num_filters2=512)
# conv4_x: 14x14 # conv4_x: 14x14
tmp = mid_projection(name="res4_1", input=tmp, tmp = mid_projection(
num_filters1=256, num_filters2=1024) name="res4_1", input=tmp, num_filters1=256, num_filters2=1024)
for i in xrange(2, res4_num + 1, 1): for i in xrange(2, res4_num + 1, 1):
tmp = bottleneck_block(name="res4_" + str(i), tmp = bottleneck_block(
name="res4_" + str(i),
input=tmp, input=tmp,
num_filters1=256, num_filters1=256,
num_filters2=1024) num_filters2=1024)
# conv5_x: 7x7 # conv5_x: 7x7
tmp = mid_projection(name="res5_1", input=tmp, tmp = mid_projection(
num_filters1=512, num_filters2=2048) name="res5_1", input=tmp, num_filters1=512, num_filters2=2048)
for i in xrange(2, res5_num + 1, 1): for i in xrange(2, res5_num + 1, 1):
tmp = bottleneck_block(name="res5_" + str(i), tmp = bottleneck_block(
input=tmp, num_filters1=512, name="res5_" + str(i),
input=tmp,
num_filters1=512,
num_filters2=2048) num_filters2=2048)
tmp = img_pool_layer(name='avgpool', tmp = img_pool_layer(
name='avgpool',
input=tmp, input=tmp,
pool_size=7, pool_size=7,
stride=1, stride=1,
pool_type=AvgPooling()) pool_type=AvgPooling())
output = fc_layer(name='output', output = fc_layer(
input=tmp, name='output', input=tmp, size=1000, act=SoftmaxActivation())
size=1000,
act=SoftmaxActivation())
if not is_predict: if not is_predict:
classification_cost(input=output, label=data_layer(name='label', classification_cost(
size=1)) input=output, label=data_layer(
name='label', size=1))
def res_net_50(): def res_net_50():
......
...@@ -22,27 +22,32 @@ from py_paddle import DataProviderConverter ...@@ -22,27 +22,32 @@ from py_paddle import DataProviderConverter
from paddle.trainer.PyDataProvider2 \ from paddle.trainer.PyDataProvider2 \
import integer_value, integer_value_sequence, sparse_binary_vector import integer_value, integer_value_sequence, sparse_binary_vector
def parse_arguments(): def parse_arguments():
parser = argparse.ArgumentParser() parser = argparse.ArgumentParser()
parser.add_argument("--train_data", parser.add_argument(
type=str, required=False, help="train data file") "--train_data", type=str, required=False, help="train data file")
parser.add_argument("--test_data", type=str, help="test data file") parser.add_argument("--test_data", type=str, help="test data file")
parser.add_argument("--config", parser.add_argument(
type=str, required=True, help="config file name") "--config", type=str, required=True, help="config file name")
parser.add_argument("--dict_file", required=True, help="dictionary file") parser.add_argument("--dict_file", required=True, help="dictionary file")
parser.add_argument("--seq", parser.add_argument(
default=1, type=int, "--seq", default=1, type=int, help="whether use sequence training")
help="whether use sequence training") parser.add_argument(
parser.add_argument("--use_gpu", default=0, type=int, "--use_gpu", default=0, type=int, help="whether use GPU for training")
help="whether use GPU for training") parser.add_argument(
parser.add_argument("--trainer_count", default=1, type=int, "--trainer_count",
default=1,
type=int,
help="Number of threads for training") help="Number of threads for training")
parser.add_argument("--num_passes", default=5, type=int, parser.add_argument(
help="Number of training passes") "--num_passes", default=5, type=int, help="Number of training passes")
return parser.parse_args() return parser.parse_args()
UNK_IDX = 0 UNK_IDX = 0
def load_data(file_name, word_dict): def load_data(file_name, word_dict):
with open(file_name, 'r') as f: with open(file_name, 'r') as f:
for line in f: for line in f:
...@@ -51,6 +56,7 @@ def load_data(file_name, word_dict): ...@@ -51,6 +56,7 @@ def load_data(file_name, word_dict):
word_slot = [word_dict.get(w, UNK_IDX) for w in words] word_slot = [word_dict.get(w, UNK_IDX) for w in words]
yield word_slot, int(label) yield word_slot, int(label)
def load_dict(dict_file): def load_dict(dict_file):
word_dict = dict() word_dict = dict()
with open(dict_file, 'r') as f: with open(dict_file, 'r') as f:
...@@ -59,6 +65,7 @@ def load_dict(dict_file): ...@@ -59,6 +65,7 @@ def load_dict(dict_file):
word_dict[w] = i word_dict[w] = i
return word_dict return word_dict
def main(): def main():
options = parse_arguments() options = parse_arguments()
api.initPaddle("--use_gpu=%s" % options.use_gpu, api.initPaddle("--use_gpu=%s" % options.use_gpu,
...@@ -86,9 +93,9 @@ def main(): ...@@ -86,9 +93,9 @@ def main():
# create a data converter which converts data to PaddlePaddle # create a data converter which converts data to PaddlePaddle
# internal format # internal format
input_types = [ input_types = [
integer_value_sequence(len(word_dict)) if options.seq integer_value_sequence(len(word_dict)) if options.seq else
else sparse_binary_vector(len(word_dict)), sparse_binary_vector(len(word_dict)), integer_value(2)
integer_value(2)] ]
converter = DataProviderConverter(input_types) converter = DataProviderConverter(input_types)
batch_size = trainer_config.opt_config.batch_size batch_size = trainer_config.opt_config.batch_size
...@@ -102,7 +109,7 @@ def main(): ...@@ -102,7 +109,7 @@ def main():
trainer.trainOneDataBatch(size, converter(batch)) trainer.trainOneDataBatch(size, converter(batch))
trainer.finishTrainPass() trainer.finishTrainPass()
if test_dataset: if test_dataset:
trainer.startTestPeriod(); trainer.startTestPeriod()
for pos in xrange(0, len(test_dataset), batch_size): for pos in xrange(0, len(test_dataset), batch_size):
batch = itertools.islice(test_dataset, pos, pos + batch_size) batch = itertools.islice(test_dataset, pos, pos + batch_size)
size = min(batch_size, len(test_dataset) - pos) size = min(batch_size, len(test_dataset) - pos)
...@@ -110,5 +117,6 @@ def main(): ...@@ -110,5 +117,6 @@ def main():
trainer.finishTestPeriod() trainer.finishTestPeriod()
trainer.finishTrain() trainer.finishTrain()
if __name__ == '__main__': if __name__ == '__main__':
main() main()
...@@ -17,6 +17,7 @@ from paddle.trainer.PyDataProvider2 import * ...@@ -17,6 +17,7 @@ from paddle.trainer.PyDataProvider2 import *
# id of the word not in dictionary # id of the word not in dictionary
UNK_IDX = 0 UNK_IDX = 0
# initializer is called by the framework during initialization. # initializer is called by the framework during initialization.
# It allows the user to describe the data types and setup the # It allows the user to describe the data types and setup the
# necessary data structure for later use. # necessary data structure for later use.
...@@ -38,7 +39,9 @@ def initializer(settings, dictionary, **kwargs): ...@@ -38,7 +39,9 @@ def initializer(settings, dictionary, **kwargs):
# The second input is an integer. It represents the category id of the # The second input is an integer. It represents the category id of the
# sample. 2 means there are two labels in the dataset. # sample. 2 means there are two labels in the dataset.
# (1 for positive and 0 for negative) # (1 for positive and 0 for negative)
integer_value(2)] integer_value(2)
]
# Delaring a data provider. It has an initializer 'data_initialzer'. # Delaring a data provider. It has an initializer 'data_initialzer'.
# It will cache the generated data of the first pass in memory, so that # It will cache the generated data of the first pass in memory, so that
...@@ -69,9 +72,8 @@ def process(settings, file_name): ...@@ -69,9 +72,8 @@ def process(settings, file_name):
def predict_initializer(settings, dictionary, **kwargs): def predict_initializer(settings, dictionary, **kwargs):
settings.word_dict = dictionary settings.word_dict = dictionary
settings.input_types = [ settings.input_types = [sparse_binary_vector(len(dictionary))]
sparse_binary_vector(len(dictionary))
]
# Declaring a data provider for prediction. The difference with process # Declaring a data provider for prediction. The difference with process
# is that label is not generated. # is that label is not generated.
......
...@@ -24,7 +24,8 @@ def initializer(settings, dictionary, **kwargs): ...@@ -24,7 +24,8 @@ def initializer(settings, dictionary, **kwargs):
# The value of the integers range from 0 to len(dictrionary)-1 # The value of the integers range from 0 to len(dictrionary)-1
integer_value_sequence(len(dictionary)), integer_value_sequence(len(dictionary)),
# Define the second input for label id # Define the second input for label id
integer_value(2)] integer_value(2)
]
@provider(init_hook=initializer, cache=CacheType.CACHE_PASS_IN_MEM) @provider(init_hook=initializer, cache=CacheType.CACHE_PASS_IN_MEM)
...@@ -40,7 +41,8 @@ def process(settings, file_name): ...@@ -40,7 +41,8 @@ def process(settings, file_name):
def predict_initializer(settings, dictionary, **kwargs): def predict_initializer(settings, dictionary, **kwargs):
settings.word_dict = dictionary settings.word_dict = dictionary
settings.input_types = [ settings.input_types = [
integer_value(len(dictionary), seq_type=SequenceType.SEQUENCE) integer_value(
len(dictionary), seq_type=SequenceType.SEQUENCE)
] ]
......
...@@ -13,7 +13,6 @@ ...@@ -13,7 +13,6 @@
# 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.
""" """
1. (remove HTML before or not)tokensizing 1. (remove HTML before or not)tokensizing
2. pos sample : rating score 5; neg sample: rating score 1-2. 2. pos sample : rating score 5; neg sample: rating score 1-2.
...@@ -35,7 +34,8 @@ import multiprocessing ...@@ -35,7 +34,8 @@ import multiprocessing
batch_size = 5000 batch_size = 5000
word_count = {} word_count = {}
num_tokenize = max(1, multiprocessing.cpu_count() - 2) # parse + tokenize + save num_tokenize = max(1,
multiprocessing.cpu_count() - 2) # parse + tokenize + save
max_queue_size = 8 max_queue_size = 8
parse_queue = Queue(maxsize=max_queue_size + num_tokenize) parse_queue = Queue(maxsize=max_queue_size + num_tokenize)
tokenize_queue = Queue(maxsize=max_queue_size + num_tokenize) tokenize_queue = Queue(maxsize=max_queue_size + num_tokenize)
......
...@@ -20,6 +20,7 @@ cfg=trainer_config.lr.py ...@@ -20,6 +20,7 @@ cfg=trainer_config.lr.py
#cfg=trainer_config.lstm.py #cfg=trainer_config.lstm.py
#cfg=trainer_config.bidi-lstm.py #cfg=trainer_config.bidi-lstm.py
#cfg=trainer_config.db-lstm.py #cfg=trainer_config.db-lstm.py
#cfg=trainer_config.resnet-lstm.py
paddle train \ paddle train \
--config=$cfg \ --config=$cfg \
--save_dir=./output \ --save_dir=./output \
......
...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False) ...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False)
trn = 'data/train.list' if not is_predict else None trn = 'data/train.list' if not is_predict else None
tst = 'data/test.list' if not is_predict else 'data/pred.list' tst = 'data/test.list' if not is_predict else 'data/pred.list'
process = 'process' if not is_predict else 'process_predict' process = 'process' if not is_predict else 'process_predict'
define_py_data_sources2(train_list=trn, define_py_data_sources2(
train_list=trn,
test_list=tst, test_list=tst,
module="dataprovider_emb", module="dataprovider_emb",
obj=process, obj=process,
...@@ -39,19 +40,17 @@ settings( ...@@ -39,19 +40,17 @@ settings(
learning_rate=2e-3, learning_rate=2e-3,
learning_method=AdamOptimizer(), learning_method=AdamOptimizer(),
regularization=L2Regularization(8e-4), regularization=L2Regularization(8e-4),
gradient_clipping_threshold=25 gradient_clipping_threshold=25)
)
bias_attr = ParamAttr(initial_std=0.,l2_rate=0.) bias_attr = ParamAttr(initial_std=0., l2_rate=0.)
data = data_layer(name="word", size=len(word_dict)) data = data_layer(name="word", size=len(word_dict))
emb = embedding_layer(input=data, size=128) emb = embedding_layer(input=data, size=128)
bi_lstm = bidirectional_lstm(input=emb, size=128) bi_lstm = bidirectional_lstm(input=emb, size=128)
dropout = dropout_layer(input=bi_lstm, dropout_rate=0.5) dropout = dropout_layer(input=bi_lstm, dropout_rate=0.5)
output = fc_layer(input=dropout, size=2, output = fc_layer(
bias_attr=bias_attr, input=dropout, size=2, bias_attr=bias_attr, act=SoftmaxActivation())
act=SoftmaxActivation())
if is_predict: if is_predict:
maxid = maxid_layer(output) maxid = maxid_layer(output)
......
...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False) ...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False)
trn = 'data/train.list' if not is_predict else None trn = 'data/train.list' if not is_predict else None
tst = 'data/test.list' if not is_predict else 'data/pred.list' tst = 'data/test.list' if not is_predict else 'data/pred.list'
process = 'process' if not is_predict else 'process_predict' process = 'process' if not is_predict else 'process_predict'
define_py_data_sources2(train_list=trn, define_py_data_sources2(
train_list=trn,
test_list=tst, test_list=tst,
module="dataprovider_emb", module="dataprovider_emb",
obj=process, obj=process,
...@@ -39,8 +40,7 @@ settings( ...@@ -39,8 +40,7 @@ settings(
learning_rate=2e-3, learning_rate=2e-3,
learning_method=AdamOptimizer(), learning_method=AdamOptimizer(),
regularization=L2Regularization(8e-4), regularization=L2Regularization(8e-4),
gradient_clipping_threshold=25 gradient_clipping_threshold=25)
)
data = data_layer(name="word", size=len(word_dict)) data = data_layer(name="word", size=len(word_dict))
embedding = embedding_layer(input=data, size=128) embedding = embedding_layer(input=data, size=128)
......
...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False) ...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False)
trn = 'data/train.list' if not is_predict else None trn = 'data/train.list' if not is_predict else None
tst = 'data/test.list' if not is_predict else 'data/pred.list' tst = 'data/test.list' if not is_predict else 'data/pred.list'
process = 'process' if not is_predict else 'process_predict' process = 'process' if not is_predict else 'process_predict'
define_py_data_sources2(train_list=trn, define_py_data_sources2(
train_list=trn,
test_list=tst, test_list=tst,
module="dataprovider_emb", module="dataprovider_emb",
obj=process, obj=process,
...@@ -39,10 +40,9 @@ settings( ...@@ -39,10 +40,9 @@ settings(
learning_rate=2e-3, learning_rate=2e-3,
learning_method=AdamOptimizer(), learning_method=AdamOptimizer(),
regularization=L2Regularization(8e-4), regularization=L2Regularization(8e-4),
gradient_clipping_threshold=25 gradient_clipping_threshold=25)
)
bias_attr = ParamAttr(initial_std=0.,l2_rate=0.) bias_attr = ParamAttr(initial_std=0., l2_rate=0.)
data = data_layer(name="word", size=len(word_dict)) data = data_layer(name="word", size=len(word_dict))
emb = embedding_layer(input=data, size=128) emb = embedding_layer(input=data, size=128)
...@@ -52,17 +52,18 @@ lstm_0 = lstmemory(input=hidden_0, layer_attr=ExtraAttr(drop_rate=0.1)) ...@@ -52,17 +52,18 @@ lstm_0 = lstmemory(input=hidden_0, layer_attr=ExtraAttr(drop_rate=0.1))
input_layers = [hidden_0, lstm_0] input_layers = [hidden_0, lstm_0]
for i in range(1,8): for i in range(1, 8):
fc = fc_layer(input=input_layers, size=128) fc = fc_layer(input=input_layers, size=128)
lstm = lstmemory(input=fc, layer_attr=ExtraAttr(drop_rate=0.1), lstm = lstmemory(
reverse=(i % 2) == 1,) input=fc,
layer_attr=ExtraAttr(drop_rate=0.1),
reverse=(i % 2) == 1, )
input_layers = [fc, lstm] input_layers = [fc, lstm]
lstm_last = pooling_layer(input=lstm, pooling_type=MaxPooling()) lstm_last = pooling_layer(input=lstm, pooling_type=MaxPooling())
output = fc_layer(input=lstm_last, size=2, output = fc_layer(
bias_attr=bias_attr, input=lstm_last, size=2, bias_attr=bias_attr, act=SoftmaxActivation())
act=SoftmaxActivation())
if is_predict: if is_predict:
maxid = maxid_layer(output) maxid = maxid_layer(output)
......
...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False) ...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False)
trn = 'data/train.list' if not is_predict else None trn = 'data/train.list' if not is_predict else None
tst = 'data/test.list' if not is_predict else 'data/pred.list' tst = 'data/test.list' if not is_predict else 'data/pred.list'
process = 'process' if not is_predict else 'process_predict' process = 'process' if not is_predict else 'process_predict'
define_py_data_sources2(train_list=trn, define_py_data_sources2(
train_list=trn,
test_list=tst, test_list=tst,
module="dataprovider_emb", module="dataprovider_emb",
obj=process, obj=process,
...@@ -35,10 +36,7 @@ define_py_data_sources2(train_list=trn, ...@@ -35,10 +36,7 @@ define_py_data_sources2(train_list=trn,
batch_size = 128 if not is_predict else 1 batch_size = 128 if not is_predict else 1
settings( settings(
batch_size=batch_size, batch_size=batch_size, learning_rate=2e-3, learning_method=AdamOptimizer())
learning_rate=2e-3,
learning_method=AdamOptimizer()
)
data = data_layer(name="word", size=len(word_dict)) data = data_layer(name="word", size=len(word_dict))
embedding = embedding_layer(input=data, size=128) embedding = embedding_layer(input=data, size=128)
......
...@@ -32,7 +32,8 @@ process = 'process' if not is_predict else 'process_predict' ...@@ -32,7 +32,8 @@ process = 'process' if not is_predict else 'process_predict'
# We need to use different process for training and prediction. # We need to use different process for training and prediction.
# For training, the input data includes both word IDs and labels. # For training, the input data includes both word IDs and labels.
# For prediction, the input data only includs word Ids. # For prediction, the input data only includs word Ids.
define_py_data_sources2(train_list=trn, define_py_data_sources2(
train_list=trn,
test_list=tst, test_list=tst,
module="dataprovider_bow", module="dataprovider_bow",
obj=process, obj=process,
...@@ -44,8 +45,7 @@ settings( ...@@ -44,8 +45,7 @@ settings(
learning_rate=2e-3, learning_rate=2e-3,
learning_method=AdamOptimizer(), learning_method=AdamOptimizer(),
regularization=L2Regularization(8e-4), regularization=L2Regularization(8e-4),
gradient_clipping_threshold=25 gradient_clipping_threshold=25)
)
# Define the data for text features. The size of the data layer is the number # Define the data for text features. The size of the data layer is the number
# of words in the dictionary. # of words in the dictionary.
......
...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False) ...@@ -27,7 +27,8 @@ is_predict = get_config_arg('is_predict', bool, False)
trn = 'data/train.list' if not is_predict else None trn = 'data/train.list' if not is_predict else None
tst = 'data/test.list' if not is_predict else 'data/pred.list' tst = 'data/test.list' if not is_predict else 'data/pred.list'
process = 'process' if not is_predict else 'process_predict' process = 'process' if not is_predict else 'process_predict'
define_py_data_sources2(train_list=trn, define_py_data_sources2(
train_list=trn,
test_list=tst, test_list=tst,
module="dataprovider_emb", module="dataprovider_emb",
obj=process, obj=process,
...@@ -39,17 +40,14 @@ settings( ...@@ -39,17 +40,14 @@ settings(
learning_rate=2e-3, learning_rate=2e-3,
learning_method=AdamOptimizer(), learning_method=AdamOptimizer(),
regularization=L2Regularization(8e-4), regularization=L2Regularization(8e-4),
gradient_clipping_threshold=25 gradient_clipping_threshold=25)
)
data = data_layer(name="word", size=len(word_dict)) data = data_layer(name="word", size=len(word_dict))
emb = embedding_layer(input=data, size=128) emb = embedding_layer(input=data, size=128)
lstm = simple_lstm(input=emb, size=128, lstm = simple_lstm(
lstm_cell_attr=ExtraAttr(drop_rate=0.25)) input=emb, size=128, lstm_cell_attr=ExtraAttr(drop_rate=0.25))
lstm_max = pooling_layer(input=lstm, pooling_type=MaxPooling()) lstm_max = pooling_layer(input=lstm, pooling_type=MaxPooling())
output = fc_layer(input=lstm_max, size=2, output = fc_layer(input=lstm_max, size=2, act=SoftmaxActivation())
act=SoftmaxActivation())
if is_predict: if is_predict:
maxid = maxid_layer(output) maxid = maxid_layer(output)
outputs([maxid, output]) outputs([maxid, output])
......
# edit-mode: -*- python -*-
# Copyright (c) 2016 Baidu, Inc. 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.
"""
This configuration is a demonstration of how to implement the stacked LSTM
with residual connections, i.e. an LSTM layer takes the sum of the hidden states
and inputs of the previous LSTM layer instead of only the hidden states.
This architecture is from:
Yonghui Wu, Mike Schuster, Zhifeng Chen, Quoc V. Le, Mohammad Norouzi,
Wolfgang Macherey, Maxim Krikun, Yuan Cao, Qin Gao, Klaus Macherey,
Jeff Klingner, Apurva Shah, Melvin Johnson, Xiaobing Liu, Lukasz Kaiser,
Stephan Gouws, Yoshikiyo Kato, Taku Kudo, Hideto Kazawa, Keith Stevens,
George Kurian, Nishant Patil, Wei Wang, Cliff Young, Jason Smith, Jason Riesa,
Alex Rudnick, Oriol Vinyals, Greg Corrado, Macduff Hughes, Jeffrey Dean. 2016.
Google's Neural Machine Translation System: Bridging the Gap between Human and
Machine Translation. In arXiv https://arxiv.org/pdf/1609.08144v2.pdf
Different from the architecture described in the paper, we use a stack single
direction LSTM layers as the first layer instead of bi-directional LSTM. Also,
since this is a demo code, to reduce computation time, we stacked 4 layers
instead of 8 layers.
"""
from paddle.trainer_config_helpers import *
dict_file = "./data/dict.txt"
word_dict = dict()
with open(dict_file, 'r') as f:
for i, line in enumerate(f):
w = line.strip().split()[0]
word_dict[w] = i
is_predict = get_config_arg('is_predict', bool, False)
trn = 'data/train.list' if not is_predict else None
tst = 'data/test.list' if not is_predict else 'data/pred.list'
process = 'process' if not is_predict else 'process_predict'
define_py_data_sources2(train_list=trn,
test_list=tst,
module="dataprovider_emb",
obj=process,
args={"dictionary": word_dict})
batch_size = 128 if not is_predict else 1
settings(
batch_size=batch_size,
learning_rate=2e-3,
learning_method=AdamOptimizer(),
regularization=L2Regularization(8e-4),
gradient_clipping_threshold=25
)
bias_attr = ParamAttr(initial_std=0.,l2_rate=0.)
data = data_layer(name="word", size=len(word_dict))
emb = embedding_layer(input=data, size=128)
lstm = simple_lstm(input=emb, size=128, lstm_cell_attr=ExtraAttr(drop_rate=0.1))
previous_input, previous_hidden_state = emb, lstm
for i in range(3):
# The input to the current layer is the sum of the hidden state
# and input of the previous layer.
current_input = addto_layer(input=[previous_input, previous_hidden_state])
hidden_state = simple_lstm(input=current_input, size=128,
lstm_cell_attr=ExtraAttr(drop_rate=0.1))
previous_input, previous_hidden_state = current_input, hidden_state
lstm = previous_hidden_state
lstm_last = pooling_layer(input=lstm, pooling_type=MaxPooling())
output = fc_layer(input=lstm_last, size=2,
bias_attr=bias_attr,
act=SoftmaxActivation())
if is_predict:
maxid = maxid_layer(output)
outputs([maxid, output])
else:
label = data_layer(name="label", size=2)
cls = classification_cost(input=output, label=label)
outputs(cls)
...@@ -21,8 +21,9 @@ def meta_to_header(meta, name): ...@@ -21,8 +21,9 @@ def meta_to_header(meta, name):
yield integer_value(each_meta['max']) yield integer_value(each_meta['max'])
elif each_meta['type'] == 'embedding': elif each_meta['type'] == 'embedding':
is_seq = each_meta['seq'] == 'sequence' is_seq = each_meta['seq'] == 'sequence'
yield integer_value(len(each_meta['dict']), yield integer_value(
seq_type=SequenceType.SEQUENCE if is_seq len(each_meta['dict']),
else SequenceType.NO_SEQUENCE) seq_type=SequenceType.SEQUENCE
if is_seq else SequenceType.NO_SEQUENCE)
elif each_meta['type'] == 'one_hot_dense': elif each_meta['type'] == 'one_hot_dense':
yield dense_vector(len(each_meta['dict'])) yield dense_vector(len(each_meta['dict']))
...@@ -14,4 +14,3 @@ ...@@ -14,4 +14,3 @@
"fields": ["id", "title", "genres"] "fields": ["id", "title", "genres"]
} }
} }
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# 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.
""" """
config_generator.py config_generator.py
...@@ -29,10 +28,7 @@ import json ...@@ -29,10 +28,7 @@ import json
import docopt import docopt
import copy import copy
DEFAULT_FILE = { DEFAULT_FILE = {"type": "split", "delimiter": ","}
"type": "split",
"delimiter": ","
}
DEFAULT_FIELD = { DEFAULT_FIELD = {
"id": { "id": {
...@@ -107,19 +103,16 @@ def main(filename, fmt): ...@@ -107,19 +103,16 @@ def main(filename, fmt):
field = copy.deepcopy(DEFAULT_FIELD[field_key]) field = copy.deepcopy(DEFAULT_FIELD[field_key])
field['pos'] = pos field['pos'] = pos
fields.append(field) fields.append(field)
obj[k] = { obj[k] = {"file": file_dict, "fields": fields}
"file": file_dict, meta = {"meta": obj}
"fields": fields
}
meta = {
"meta": obj
}
# print meta # print meta
if fmt == 'json': if fmt == 'json':
def formatter(x): def formatter(x):
import json import json
return json.dumps(x, indent=2) return json.dumps(x, indent=2)
elif fmt == 'yaml': elif fmt == 'yaml':
def formatter(x): def formatter(x):
import yaml import yaml
return yaml.safe_dump(x, default_flow_style=False) return yaml.safe_dump(x, default_flow_style=False)
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# 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.
""" """
Preprocess Movielens dataset, to get movie/user object. Preprocess Movielens dataset, to get movie/user object.
...@@ -66,8 +65,8 @@ class SortedIDGenerator(object): ...@@ -66,8 +65,8 @@ class SortedIDGenerator(object):
self.__key_set__.add(key) self.__key_set__.add(key)
def finish_scan(self, compare=None, key=None, reverse=False): def finish_scan(self, compare=None, key=None, reverse=False):
self.__key_set__ = sorted(list(self.__key_set__), cmp=compare, self.__key_set__ = sorted(
key=key, reverse=reverse) list(self.__key_set__), cmp=compare, key=key, reverse=reverse)
self.dict = dict() self.dict = dict()
for idx, each_key in enumerate(self.__key_set__): for idx, each_key in enumerate(self.__key_set__):
self.dict[each_key] = idx self.dict[each_key] = idx
...@@ -207,11 +206,10 @@ class EmbeddingFieldParser(object): ...@@ -207,11 +206,10 @@ class EmbeddingFieldParser(object):
self.dict = EmbeddingFieldParser.CharBasedEmbeddingDict( self.dict = EmbeddingFieldParser.CharBasedEmbeddingDict(
self.seq_type == EmbeddingFieldParser.SEQUENCE) self.seq_type == EmbeddingFieldParser.SEQUENCE)
elif config['dict']['type'] == 'split': elif config['dict']['type'] == 'split':
self.dict = SplitEmbeddingDict( self.dict = SplitEmbeddingDict(config['dict'].get('delimiter', ','))
config['dict'].get('delimiter', ','))
elif config['dict']['type'] == 'whole_content': elif config['dict']['type'] == 'whole_content':
self.dict = EmbeddingFieldParser.WholeContentDict( self.dict = EmbeddingFieldParser.WholeContentDict(config['dict'][
config['dict']['sort']) 'sort'])
else: else:
print config print config
assert False assert False
...@@ -333,8 +331,8 @@ class ContentExtractorFactory(object): ...@@ -333,8 +331,8 @@ class ContentExtractorFactory(object):
return PositionContentExtractor(config['pos']) return PositionContentExtractor(config['pos'])
else: else:
extra_args = config['regex'] extra_args = config['regex']
return RegexPositionContentExtractor(pos=config['pos'], return RegexPositionContentExtractor(
**extra_args) pos=config['pos'], **extra_args)
class MetaFile(object): class MetaFile(object):
...@@ -364,9 +362,10 @@ class MetaFile(object): ...@@ -364,9 +362,10 @@ class MetaFile(object):
metas = map(lambda x: x.meta_field(), field_parsers) metas = map(lambda x: x.meta_field(), field_parsers)
# print metas # print metas
key_index = filter(lambda x: x is not None, map( key_index = filter(
lambda (idx, meta): idx if 'is_key' in meta and meta['is_key'] lambda x: x is not None,
else None, enumerate(metas)))[0] map(lambda (idx, meta): idx if 'is_key' in meta and meta['is_key'] else None,
enumerate(metas)))[0]
key_map = [] key_map = []
for i in range(min(key_index, len(metas))): for i in range(min(key_index, len(metas))):
...@@ -374,12 +373,7 @@ class MetaFile(object): ...@@ -374,12 +373,7 @@ class MetaFile(object):
for i in range(key_index + 1, len(metas)): for i in range(key_index + 1, len(metas)):
key_map.append(i) key_map.append(i)
obj = { obj = {'__meta__': {'raw_meta': metas, 'feature_map': key_map}}
'__meta__': {
'raw_meta': metas,
'feature_map': key_map
}
}
for each_block in reader.read(): for each_block in reader.read():
idx = field_parsers[key_index].parse(each_block) idx = field_parsers[key_index].parse(each_block)
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# 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.
""" """
Separate movielens 1m dataset to train/test file. Separate movielens 1m dataset to train/test file.
......
...@@ -15,6 +15,7 @@ ...@@ -15,6 +15,7 @@
from paddle.trainer.PyDataProvider2 import * from paddle.trainer.PyDataProvider2 import *
import common_utils # parse import common_utils # parse
def hook(settings, meta, **kwargs): def hook(settings, meta, **kwargs):
""" """
Init hook is invoked before process data. It will set obj.slots and store Init hook is invoked before process data. It will set obj.slots and store
...@@ -41,6 +42,7 @@ def hook(settings, meta, **kwargs): ...@@ -41,6 +42,7 @@ def hook(settings, meta, **kwargs):
settings.input_types = headers settings.input_types = headers
settings.meta = meta settings.meta = meta
@provider(init_hook=hook, cache=CacheType.CACHE_PASS_IN_MEM) @provider(init_hook=hook, cache=CacheType.CACHE_PASS_IN_MEM)
def process(settings, filename): def process(settings, filename):
with open(filename, 'r') as f: with open(filename, 'r') as f:
......
...@@ -28,7 +28,8 @@ if __name__ == '__main__': ...@@ -28,7 +28,8 @@ if __name__ == '__main__':
model_path = sys.argv[1] model_path = sys.argv[1]
swig_paddle.initPaddle('--use_gpu=0') swig_paddle.initPaddle('--use_gpu=0')
conf = parse_config("trainer_config.py", "is_predict=1") conf = parse_config("trainer_config.py", "is_predict=1")
network = swig_paddle.GradientMachine.createFromConfigProto(conf.model_config) network = swig_paddle.GradientMachine.createFromConfigProto(
conf.model_config)
assert isinstance(network, swig_paddle.GradientMachine) assert isinstance(network, swig_paddle.GradientMachine)
network.loadParameters(model_path) network.loadParameters(model_path)
with open('./data/meta.bin', 'rb') as f: with open('./data/meta.bin', 'rb') as f:
...@@ -45,5 +46,6 @@ if __name__ == '__main__': ...@@ -45,5 +46,6 @@ if __name__ == '__main__':
data.extend(movie_meta) data.extend(movie_meta)
data.append(user_id - 1) data.append(user_id - 1)
data.extend(user_meta) data.extend(user_meta)
print "Prediction Score is %.2f" % ((network.forwardTest( print "Prediction Score is %.2f" % (
cvt.convert([data]))[0]['value'][0][0] + 5) / 2) (network.forwardTest(cvt.convert([data]))[0]['value'][0][0] + 5)
/ 2)
...@@ -27,8 +27,8 @@ with open(META_FILE, 'rb') as f: ...@@ -27,8 +27,8 @@ with open(META_FILE, 'rb') as f:
# load meta file # load meta file
meta = pickle.load(f) meta = pickle.load(f)
settings(batch_size=1600, learning_rate=1e-3, settings(
learning_method=RMSPropOptimizer()) batch_size=1600, learning_rate=1e-3, learning_method=RMSPropOptimizer())
def construct_feature(name): def construct_feature(name):
...@@ -59,11 +59,10 @@ def construct_feature(name): ...@@ -59,11 +59,10 @@ def construct_feature(name):
slot_name = each_meta.get('name', '%s_id' % name) slot_name = each_meta.get('name', '%s_id' % name)
if type_name == 'id': if type_name == 'id':
slot_dim = each_meta['max'] slot_dim = each_meta['max']
embedding = embedding_layer(input=data_layer(slot_name, embedding = embedding_layer(
size=slot_dim), input=data_layer(
size=256) slot_name, size=slot_dim), size=256)
fusion.append(fc_layer(input=embedding, fusion.append(fc_layer(input=embedding, size=256))
size=256))
elif type_name == 'embedding': elif type_name == 'embedding':
is_seq = each_meta['seq'] == 'sequence' is_seq = each_meta['seq'] == 'sequence'
slot_dim = len(each_meta['dict']) slot_dim = len(each_meta['dict'])
...@@ -71,17 +70,14 @@ def construct_feature(name): ...@@ -71,17 +70,14 @@ def construct_feature(name):
embedding = embedding_layer(input=din, size=256) embedding = embedding_layer(input=din, size=256)
if is_seq: if is_seq:
fusion.append( fusion.append(
text_conv_pool(input=embedding, context_len=5, text_conv_pool(
hidden_size=256)) input=embedding, context_len=5, hidden_size=256))
else: else:
fusion.append(fc_layer(input=embedding, fusion.append(fc_layer(input=embedding, size=256))
size=256))
elif type_name == 'one_hot_dense': elif type_name == 'one_hot_dense':
slot_dim = len(each_meta['dict']) slot_dim = len(each_meta['dict'])
hidden = fc_layer(input=data_layer(slot_name, slot_dim), hidden = fc_layer(input=data_layer(slot_name, slot_dim), size=256)
size=256) fusion.append(fc_layer(input=hidden, size=256))
fusion.append(fc_layer(input=hidden,
size=256))
return fc_layer(name="%s_fusion" % name, input=fusion, size=256) return fc_layer(name="%s_fusion" % name, input=fusion, size=256)
...@@ -90,10 +86,16 @@ movie_feature = construct_feature("movie") ...@@ -90,10 +86,16 @@ movie_feature = construct_feature("movie")
user_feature = construct_feature("user") user_feature = construct_feature("user")
similarity = cos_sim(a=movie_feature, b=user_feature) similarity = cos_sim(a=movie_feature, b=user_feature)
if not is_predict: if not is_predict:
outputs(regression_cost(input=similarity, outputs(
label=data_layer('rating', size=1))) regression_cost(
input=similarity, label=data_layer(
define_py_data_sources2('data/train.list', 'data/test.list', module='dataprovider', 'rating', size=1)))
obj='process', args={'meta': meta})
define_py_data_sources2(
'data/train.list',
'data/test.list',
module='dataprovider',
obj='process',
args={'meta': meta})
else: else:
outputs(similarity) outputs(similarity)
...@@ -26,9 +26,9 @@ def hook(settings, word_dict, label_dict, **kwargs): ...@@ -26,9 +26,9 @@ def hook(settings, word_dict, label_dict, **kwargs):
integer_value_sequence(len(word_dict)), integer_value_sequence(len(word_dict)),
integer_value_sequence(len(word_dict)), integer_value_sequence(len(word_dict)),
integer_value_sequence(len(word_dict)), integer_value_sequence(len(word_dict)),
integer_value_sequence(len(word_dict)), integer_value_sequence(len(word_dict)), integer_value_sequence(2),
integer_value_sequence(2), integer_value_sequence(len(label_dict))
integer_value_sequence(len(label_dict))] ]
@provider(init_hook=hook) @provider(init_hook=hook)
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# 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 math import math
import os import os
import sys import sys
......
...@@ -41,22 +41,16 @@ class Prediction(): ...@@ -41,22 +41,16 @@ class Prediction():
len_dict = len(self.dict) len_dict = len(self.dict)
len_label = len(self.labels) len_label = len(self.labels)
conf = parse_config( conf = parse_config(train_conf, 'dict_len=' + str(len_dict) +
train_conf, ',label_len=' + str(len_label) + ',is_predict=True')
'dict_len=' + str(len_dict) +
',label_len=' + str(len_label) +
',is_predict=True')
self.network = swig_paddle.GradientMachine.createFromConfigProto( self.network = swig_paddle.GradientMachine.createFromConfigProto(
conf.model_config) conf.model_config)
self.network.loadParameters(model_dir) self.network.loadParameters(model_dir)
slots = [ slots = [
integer_value_sequence(len_dict), integer_value_sequence(len_dict), integer_value_sequence(len_dict),
integer_value_sequence(len_dict), integer_value_sequence(len_dict), integer_value_sequence(len_dict),
integer_value_sequence(len_dict), integer_value_sequence(len_dict), integer_value_sequence(2)
integer_value_sequence(len_dict),
integer_value_sequence(len_dict),
integer_value_sequence(2)
] ]
self.converter = DataProviderConverter(slots) self.converter = DataProviderConverter(slots)
...@@ -110,8 +104,8 @@ class Prediction(): ...@@ -110,8 +104,8 @@ class Prediction():
len_sen = len(sen.split()) len_sen = len(sen.split())
line_labels = lab[index:index + len_sen] line_labels = lab[index:index + len_sen]
index += len_sen index += len_sen
fout.write(sen + '\t' + ' '.join([self.labels_reverse[ fout.write(sen + '\t' + ' '.join(
i] for i in line_labels]) + '\n') [self.labels_reverse[i] for i in line_labels]) + '\n')
def option_parser(): def option_parser():
......
...@@ -37,4 +37,3 @@ paddle train \ ...@@ -37,4 +37,3 @@ paddle train \
--use_gpu=false \ --use_gpu=false \
--config_args=is_test=1 \ --config_args=is_test=1 \
2>&1 | tee 'test.log' 2>&1 | tee 'test.log'
...@@ -24,4 +24,3 @@ paddle train \ ...@@ -24,4 +24,3 @@ paddle train \
--show_parameter_stats_period=10 \ --show_parameter_stats_period=10 \
--test_all_data_in_one_period=1 \ --test_all_data_in_one_period=1 \
2>&1 | tee 'train.log' 2>&1 | tee 'train.log'
...@@ -38,11 +38,11 @@ unzip master.zip ...@@ -38,11 +38,11 @@ unzip master.zip
mkdir -p imdb/train mkdir -p imdb/train
mkdir -p imdb/test mkdir -p imdb/test
cp -r aclImdb/train/pos/ imdb/train/ cp -r aclImdb/train/pos/ imdb/train/pos
cp -r aclImdb/train/neg/ imdb/train/ cp -r aclImdb/train/neg/ imdb/train/neg
cp -r aclImdb/test/pos/ imdb/test/ cp -r aclImdb/test/pos/ imdb/test/pos
cp -r aclImdb/test/neg/ imdb/test/ cp -r aclImdb/test/neg/ imdb/test/neg
#remove compressed package #remove compressed package
rm aclImdb_v1.tar.gz rm aclImdb_v1.tar.gz
......
...@@ -17,8 +17,8 @@ from paddle.trainer.PyDataProvider2 import * ...@@ -17,8 +17,8 @@ from paddle.trainer.PyDataProvider2 import *
def hook(settings, dictionary, **kwargs): def hook(settings, dictionary, **kwargs):
settings.word_dict = dictionary settings.word_dict = dictionary
settings.input_types = [ settings.input_types = [
integer_value_sequence(len(settings.word_dict)), integer_value_sequence(len(settings.word_dict)), integer_value(2)
integer_value(2)] ]
settings.logger.info('dict len : %d' % (len(settings.word_dict))) settings.logger.info('dict len : %d' % (len(settings.word_dict)))
...@@ -29,6 +29,7 @@ def process(settings, file_name): ...@@ -29,6 +29,7 @@ def process(settings, file_name):
label, comment = line.strip().split('\t\t') label, comment = line.strip().split('\t\t')
label = int(label) label = int(label)
words = comment.split() words = comment.split()
word_slot = [settings.word_dict[w] for w in words if w in word_slot = [
settings.word_dict] settings.word_dict[w] for w in words if w in settings.word_dict
]
yield word_slot, label yield word_slot, label
...@@ -18,14 +18,14 @@ from optparse import OptionParser ...@@ -18,14 +18,14 @@ from optparse import OptionParser
from py_paddle import swig_paddle, DataProviderConverter from py_paddle import swig_paddle, DataProviderConverter
from paddle.trainer.PyDataProvider2 import integer_value_sequence from paddle.trainer.PyDataProvider2 import integer_value_sequence
from paddle.trainer.config_parser import parse_config from paddle.trainer.config_parser import parse_config
""" """
Usage: run following command to show help message. Usage: run following command to show help message.
python predict.py -h python predict.py -h
""" """
class SentimentPrediction(): class SentimentPrediction():
def __init__(self, train_conf, dict_file, model_dir=None, label_file = None): def __init__(self, train_conf, dict_file, model_dir=None, label_file=None):
""" """
train_conf: trainer configure. train_conf: trainer configure.
dict_file: word dictionary file name. dict_file: word dictionary file name.
...@@ -44,7 +44,8 @@ class SentimentPrediction(): ...@@ -44,7 +44,8 @@ class SentimentPrediction():
self.load_label(label_file) self.load_label(label_file)
conf = parse_config(train_conf, "is_predict=1") conf = parse_config(train_conf, "is_predict=1")
self.network = swig_paddle.GradientMachine.createFromConfigProto(conf.model_config) self.network = swig_paddle.GradientMachine.createFromConfigProto(
conf.model_config)
self.network.loadParameters(self.model_dir) self.network.loadParameters(self.model_dir)
input_types = [integer_value_sequence(self.dict_dim)] input_types = [integer_value_sequence(self.dict_dim)]
self.converter = DataProviderConverter(input_types) self.converter = DataProviderConverter(input_types)
...@@ -61,7 +62,7 @@ class SentimentPrediction(): ...@@ -61,7 +62,7 @@ class SentimentPrediction():
""" """
Load label. Load label.
""" """
self.label={} self.label = {}
for v in open(label_file, 'r'): for v in open(label_file, 'r'):
self.label[int(v.split('\t')[1])] = v.split('\t')[0] self.label[int(v.split('\t')[1])] = v.split('\t')[0]
...@@ -72,7 +73,9 @@ class SentimentPrediction(): ...@@ -72,7 +73,9 @@ class SentimentPrediction():
with open(data_file, 'r') as fdata: with open(data_file, 'r') as fdata:
for line in fdata: for line in fdata:
words = line.strip().split() words = line.strip().split()
word_slot = [self.word_dict[w] for w in words if w in self.word_dict] word_slot = [
self.word_dict[w] for w in words if w in self.word_dict
]
if not word_slot: if not word_slot:
print "all words are not in dictionary: %s", line print "all words are not in dictionary: %s", line
continue continue
...@@ -89,25 +92,48 @@ class SentimentPrediction(): ...@@ -89,25 +92,48 @@ class SentimentPrediction():
if self.label is None: if self.label is None:
print("%s: predicting label is %d" % (data_file, lab[0][0])) print("%s: predicting label is %d" % (data_file, lab[0][0]))
else: else:
print("%s: predicting label is %s" % (data_file, self.label[lab[0][0]])) print("%s: predicting label is %s" %
(data_file, self.label[lab[0][0]]))
def option_parser(): def option_parser():
usage = "python predict.py -n config -w model_dir -d dictionary -i input_file " usage = "python predict.py -n config -w model_dir -d dictionary -i input_file "
parser = OptionParser(usage="usage: %s [options]" % usage) parser = OptionParser(usage="usage: %s [options]" % usage)
parser.add_option("-n", "--tconf", action="store", parser.add_option(
dest="train_conf", help="network config") "-n",
parser.add_option("-d", "--dict", action="store", "--tconf",
dest="dict_file",help="dictionary file") action="store",
parser.add_option("-b", "--label", action="store", dest="train_conf",
dest="label", default=None, help="network config")
parser.add_option(
"-d",
"--dict",
action="store",
dest="dict_file",
help="dictionary file") help="dictionary file")
parser.add_option("-i", "--data", action="store", parser.add_option(
dest="data", help="data file to predict") "-b",
parser.add_option("-w", "--model", action="store", "--label",
dest="model_path", default=None, action="store",
dest="label",
default=None,
help="dictionary file")
parser.add_option(
"-i",
"--data",
action="store",
dest="data",
help="data file to predict")
parser.add_option(
"-w",
"--model",
action="store",
dest="model_path",
default=None,
help="model path") help="model path")
return parser.parse_args() return parser.parse_args()
def main(): def main():
options, args = option_parser() options, args = option_parser()
train_conf = options.train_conf train_conf = options.train_conf
...@@ -119,5 +145,6 @@ def main(): ...@@ -119,5 +145,6 @@ def main():
predict = SentimentPrediction(train_conf, dict_file, model_path, label) predict = SentimentPrediction(train_conf, dict_file, model_path, label)
predict.predict(data) predict.predict(data)
if __name__ == '__main__': if __name__ == '__main__':
main() main()
...@@ -22,13 +22,13 @@ from os.path import join as join_path ...@@ -22,13 +22,13 @@ from os.path import join as join_path
from optparse import OptionParser from optparse import OptionParser
from paddle.utils.preprocess_util import * from paddle.utils.preprocess_util import *
""" """
Usage: run following command to show help message. Usage: run following command to show help message.
python preprocess.py -h python preprocess.py -h
""" """
def save_dict(dict, filename, is_reverse = True):
def save_dict(dict, filename, is_reverse=True):
""" """
Save dictionary into file. Save dictionary into file.
dict: input dictionary. dict: input dictionary.
...@@ -39,9 +39,10 @@ def save_dict(dict, filename, is_reverse = True): ...@@ -39,9 +39,10 @@ def save_dict(dict, filename, is_reverse = True):
f = open(filename, 'w') f = open(filename, 'w')
for k, v in sorted(dict.items(), key=operator.itemgetter(1),\ for k, v in sorted(dict.items(), key=operator.itemgetter(1),\
reverse=is_reverse): reverse=is_reverse):
f.write('%s\t%s\n'%(k, v)) f.write('%s\t%s\n' % (k, v))
f.close() f.close()
def tokenize(sentences): def tokenize(sentences):
""" """
Use tokenizer.perl to tokenize input sentences. Use tokenizer.perl to tokenize input sentences.
...@@ -58,6 +59,7 @@ def tokenize(sentences): ...@@ -58,6 +59,7 @@ def tokenize(sentences):
toks = tok_text.split('\n')[:-1] toks = tok_text.split('\n')[:-1]
return toks return toks
def read_lines(path): def read_lines(path):
""" """
path: String, file path. path: String, file path.
...@@ -71,12 +73,17 @@ def read_lines(path): ...@@ -71,12 +73,17 @@ def read_lines(path):
seqs.append(line) seqs.append(line)
return seqs return seqs
class SentimentDataSetCreate(): class SentimentDataSetCreate():
""" """
A class to process data for sentiment analysis task. A class to process data for sentiment analysis task.
""" """
def __init__(self, data_path, output_path,
use_okenizer = True, multi_lines = False): def __init__(self,
data_path,
output_path,
use_okenizer=True,
multi_lines=False):
""" """
data_path: string, traing and testing dataset path data_path: string, traing and testing dataset path
output_path: string, output path, store processed dataset output_path: string, output path, store processed dataset
...@@ -164,23 +171,17 @@ class SentimentDataSetCreate(): ...@@ -164,23 +171,17 @@ class SentimentDataSetCreate():
# Preprocess train data. # Preprocess train data.
train_data, train_lab_set = self.data_list(self.train_dir) train_data, train_lab_set = self.data_list(self.train_dir)
print "processing train set..." print "processing train set..."
file_lists = self.save_data(train_data, file_lists = self.save_data(train_data, "train", self.batch_size, True,
"train",
self.batch_size,
True,
True) True)
save_list(file_lists, self.train_list) save_list(file_lists, self.train_list)
# If have test data path, preprocess test data. # If have test data path, preprocess test data.
if os.path.exists(self.test_dir): if os.path.exists(self.test_dir):
test_data, test_lab_set = self.data_list(self.test_dir) test_data, test_lab_set = self.data_list(self.test_dir)
assert(train_lab_set == test_lab_set) assert (train_lab_set == test_lab_set)
print "processing test set..." print "processing test set..."
file_lists = self.save_data(test_data, file_lists = self.save_data(test_data, "test", self.batch_size,
"test", False, self.dict_with_test)
self.batch_size,
False,
self.dict_with_test)
save_list(file_lists, self.test_list) save_list(file_lists, self.test_list)
# save labels set. # save labels set.
...@@ -191,7 +192,9 @@ class SentimentDataSetCreate(): ...@@ -191,7 +192,9 @@ class SentimentDataSetCreate():
save_dict(self.word_count, self.dict_file, True) save_dict(self.word_count, self.dict_file, True)
self.dict_size = len(self.word_count) self.dict_size = len(self.word_count)
def save_data(self, data, prefix = "", def save_data(self,
data,
prefix="",
batch_size=50000, batch_size=50000,
is_shuffle=False, is_shuffle=False,
build_dict=False): build_dict=False):
...@@ -205,7 +208,8 @@ class SentimentDataSetCreate(): ...@@ -205,7 +208,8 @@ class SentimentDataSetCreate():
return: list of batch names return: list of batch names
""" """
if is_shuffle and self.multi_lines: if is_shuffle and self.multi_lines:
return self.save_data_multi_lines(data, prefix, batch_size, build_dict) return self.save_data_multi_lines(data, prefix, batch_size,
build_dict)
if is_shuffle: if is_shuffle:
random.shuffle(data) random.shuffle(data)
...@@ -213,7 +217,7 @@ class SentimentDataSetCreate(): ...@@ -213,7 +217,7 @@ class SentimentDataSetCreate():
batch_names = [] batch_names = []
for i in range(num_batches): for i in range(num_batches):
batch_name = join_path(self.output_path, batch_name = join_path(self.output_path,
"%s_part_%03d" %(prefix, i)) "%s_part_%03d" % (prefix, i))
begin = i * batch_size begin = i * batch_size
end = min((i + 1) * batch_size, len(data)) end = min((i + 1) * batch_size, len(data))
# read a batch of data # read a batch of data
...@@ -246,7 +250,9 @@ class SentimentDataSetCreate(): ...@@ -246,7 +250,9 @@ class SentimentDataSetCreate():
data_list = tokenize(data_list) data_list = tokenize(data_list)
return label_list, data_list return label_list, data_list
def save_data_multi_lines(self, data, prefix = "", def save_data_multi_lines(self,
data,
prefix="",
batch_size=50000, batch_size=50000,
build_dict=False): build_dict=False):
""" """
...@@ -274,14 +280,14 @@ class SentimentDataSetCreate(): ...@@ -274,14 +280,14 @@ class SentimentDataSetCreate():
self.create_dict(data_list) self.create_dict(data_list)
length = len(label_list) length = len(label_list)
perm_list = np.array([ i for i in xrange(length) ]) perm_list = np.array([i for i in xrange(length)])
random.shuffle(perm_list) random.shuffle(perm_list)
num_batches = int(math.ceil(length / float(batch_size))) num_batches = int(math.ceil(length / float(batch_size)))
batch_names = [] batch_names = []
for i in range(num_batches): for i in range(num_batches):
batch_name = join_path(self.output_path, batch_name = join_path(self.output_path,
"%s_part_%03d" %(prefix, i)) "%s_part_%03d" % (prefix, i))
begin = i * batch_size begin = i * batch_size
end = min((i + 1) * batch_size, length) end = min((i + 1) * batch_size, length)
sub_label = [label_list[perm_list[i]] for i in range(begin, end)] sub_label = [label_list[perm_list[i]] for i in range(begin, end)]
...@@ -304,16 +310,29 @@ class SentimentDataSetCreate(): ...@@ -304,16 +310,29 @@ class SentimentDataSetCreate():
f.write('%s\t\t%s\n' % (lab, seq)) f.write('%s\t\t%s\n' % (lab, seq))
f.close() f.close()
def option_parser(): def option_parser():
parser = OptionParser(usage="usage: python preprcoess.py "\ parser = OptionParser(usage="usage: python preprcoess.py "\
"-i data_dir [options]") "-i data_dir [options]")
parser.add_option("-i", "--data", action="store", parser.add_option(
dest="input", help="Input data directory.") "-i",
parser.add_option("-o", "--output", action="store", "--data",
dest="output", default=None, action="store",
dest="input",
help="Input data directory.")
parser.add_option(
"-o",
"--output",
action="store",
dest="output",
default=None,
help="Output directory.") help="Output directory.")
parser.add_option("-t", "--tokenizer", action="store", parser.add_option(
dest="use_tokenizer", default=True, "-t",
"--tokenizer",
action="store",
dest="use_tokenizer",
default=True,
help="Whether to use tokenizer.") help="Whether to use tokenizer.")
parser.add_option("-m", "--multi_lines", action="store", parser.add_option("-m", "--multi_lines", action="store",
dest="multi_lines", default=False, dest="multi_lines", default=False,
...@@ -321,18 +340,20 @@ def option_parser(): ...@@ -321,18 +340,20 @@ def option_parser():
"need to be shuffled, you should set -m True,") "need to be shuffled, you should set -m True,")
return parser.parse_args() return parser.parse_args()
def main(): def main():
options, args = option_parser() options, args = option_parser()
data_dir=options.input data_dir = options.input
output_dir=options.output output_dir = options.output
use_tokenizer=options.use_tokenizer use_tokenizer = options.use_tokenizer
multi_lines=options.multi_lines multi_lines = options.multi_lines
if output_dir is None: if output_dir is None:
outname = os.path.basename(options.input) outname = os.path.basename(options.input)
output_dir = join_path(os.path.dirname(data_dir), 'pre-' + outname) output_dir = join_path(os.path.dirname(data_dir), 'pre-' + outname)
data_creator = SentimentDataSetCreate(data_dir, output_dir, data_creator = SentimentDataSetCreate(data_dir, output_dir, use_tokenizer,
use_tokenizer, multi_lines) multi_lines)
data_creator.create_dataset() data_creator.create_dataset()
if __name__ == '__main__': if __name__ == '__main__':
main() main()
...@@ -47,7 +47,9 @@ def sentiment_data(data_dir=None, ...@@ -47,7 +47,9 @@ def sentiment_data(data_dir=None,
for i, line in enumerate(open(dict_file, 'r')): for i, line in enumerate(open(dict_file, 'r')):
word_dict[line.split('\t')[0]] = i word_dict[line.split('\t')[0]] = i
define_py_data_sources2(train_list, test_list, define_py_data_sources2(
train_list,
test_list,
module="dataprovider", module="dataprovider",
obj="process", obj="process",
args={'dictionary': word_dict}) args={'dictionary': word_dict})
...@@ -64,8 +66,7 @@ def bidirectional_lstm_net(input_dim, ...@@ -64,8 +66,7 @@ def bidirectional_lstm_net(input_dim,
emb = embedding_layer(input=data, size=emb_dim) emb = embedding_layer(input=data, size=emb_dim)
bi_lstm = bidirectional_lstm(input=emb, size=lstm_dim) bi_lstm = bidirectional_lstm(input=emb, size=lstm_dim)
dropout = dropout_layer(input=bi_lstm, dropout_rate=0.5) dropout = dropout_layer(input=bi_lstm, dropout_rate=0.5)
output = fc_layer(input=dropout, size=class_dim, output = fc_layer(input=dropout, size=class_dim, act=SoftmaxActivation())
act=SoftmaxActivation())
if not is_predict: if not is_predict:
lbl = data_layer("label", 1) lbl = data_layer("label", 1)
...@@ -109,27 +110,36 @@ def stacked_lstm_net(input_dim, ...@@ -109,27 +110,36 @@ def stacked_lstm_net(input_dim,
data = data_layer("word", input_dim) data = data_layer("word", input_dim)
emb = embedding_layer(input=data, size=emb_dim) emb = embedding_layer(input=data, size=emb_dim)
fc1 = fc_layer(input=emb, size=hid_dim, act=linear, fc1 = fc_layer(input=emb, size=hid_dim, act=linear, bias_attr=bias_attr)
bias_attr=bias_attr) lstm1 = lstmemory(
lstm1 = lstmemory(input=fc1, act=relu, bias_attr=bias_attr, input=fc1, act=relu, bias_attr=bias_attr, layer_attr=layer_attr)
layer_attr=layer_attr)
inputs = [fc1, lstm1] inputs = [fc1, lstm1]
for i in range(2, stacked_num + 1): for i in range(2, stacked_num + 1):
fc = fc_layer(input=inputs, size=hid_dim, act=linear, fc = fc_layer(
param_attr=para_attr, bias_attr=bias_attr) input=inputs,
lstm = lstmemory(input=fc, reverse=(i % 2) == 0, act=relu, size=hid_dim,
bias_attr=bias_attr, layer_attr=layer_attr) act=linear,
param_attr=para_attr,
bias_attr=bias_attr)
lstm = lstmemory(
input=fc,
reverse=(i % 2) == 0,
act=relu,
bias_attr=bias_attr,
layer_attr=layer_attr)
inputs = [fc, lstm] inputs = [fc, lstm]
fc_last = pooling_layer(input=inputs[0], pooling_type=MaxPooling()) fc_last = pooling_layer(input=inputs[0], pooling_type=MaxPooling())
lstm_last = pooling_layer(input=inputs[1], pooling_type=MaxPooling()) lstm_last = pooling_layer(input=inputs[1], pooling_type=MaxPooling())
output = fc_layer(input=[fc_last, lstm_last], size=class_dim, output = fc_layer(
input=[fc_last, lstm_last],
size=class_dim,
act=SoftmaxActivation(), act=SoftmaxActivation(),
bias_attr=bias_attr, param_attr=para_attr) bias_attr=bias_attr,
param_attr=para_attr)
if is_predict: if is_predict:
outputs(output) outputs(output)
else: else:
outputs( outputs(classification_cost(input=output, label=data_layer('label', 1)))
classification_cost(input=output, label=data_layer('label', 1)))
...@@ -30,10 +30,9 @@ settings( ...@@ -30,10 +30,9 @@ settings(
learning_rate=2e-3, learning_rate=2e-3,
learning_method=AdamOptimizer(), learning_method=AdamOptimizer(),
regularization=L2Regularization(8e-4), regularization=L2Regularization(8e-4),
gradient_clipping_threshold=25 gradient_clipping_threshold=25)
)
#################### Network Config ###################### #################### Network Config ######################
stacked_lstm_net(dict_dim, class_dim=class_dim, stacked_lstm_net(
stacked_num=3, is_predict=is_predict) dict_dim, class_dim=class_dim, stacked_num=3, is_predict=is_predict)
# bidirectional_lstm_net(dict_dim, class_dim=class_dim, is_predict=is_predict) # bidirectional_lstm_net(dict_dim, class_dim=class_dim, is_predict=is_predict)
...@@ -62,8 +62,7 @@ def process(settings, file_name): ...@@ -62,8 +62,7 @@ def process(settings, file_name):
if settings.job_mode: if settings.job_mode:
trg_seq = line_split[1] # one target sequence trg_seq = line_split[1] # one target sequence
trg_words = trg_seq.split() trg_words = trg_seq.split()
trg_ids = [settings.trg_dict.get(w, UNK_IDX) trg_ids = [settings.trg_dict.get(w, UNK_IDX) for w in trg_words]
for w in trg_words]
# remove sequence whose length > 80 in training mode # remove sequence whose length > 80 in training mode
if len(src_ids) > 80 or len(trg_ids) > 80: if len(src_ids) > 80 or len(trg_ids) > 80:
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# 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.
""" """
Example: Example:
python preprocess.py -i INPUT [-d DICTSIZE] [-m] python preprocess.py -i INPUT [-d DICTSIZE] [-m]
...@@ -30,6 +29,7 @@ import string ...@@ -30,6 +29,7 @@ import string
from optparse import OptionParser from optparse import OptionParser
from paddle.utils.preprocess_util import save_list, DatasetCreater from paddle.utils.preprocess_util import save_list, DatasetCreater
class SeqToSeqDatasetCreater(DatasetCreater): class SeqToSeqDatasetCreater(DatasetCreater):
""" """
A class to process data for sequence to sequence application. A class to process data for sequence to sequence application.
...@@ -75,7 +75,7 @@ class SeqToSeqDatasetCreater(DatasetCreater): ...@@ -75,7 +75,7 @@ class SeqToSeqDatasetCreater(DatasetCreater):
if not os.path.exists(output): if not os.path.exists(output):
os.system(cmd + '> ' + output) os.system(cmd + '> ' + output)
def build_dict(self, file_path, dict_path, dict_size = -1): def build_dict(self, file_path, dict_path, dict_size=-1):
""" """
Create the dictionary for the file, Note that Create the dictionary for the file, Note that
1. Valid characters include all printable characters 1. Valid characters include all printable characters
...@@ -104,15 +104,18 @@ class SeqToSeqDatasetCreater(DatasetCreater): ...@@ -104,15 +104,18 @@ class SeqToSeqDatasetCreater(DatasetCreater):
output = open(dict_path, "w+") output = open(dict_path, "w+")
output.write('<s>\n<e>\n<unk>\n') output.write('<s>\n<e>\n<unk>\n')
count = 3 count = 3
for key, value in sorted(dictory.items(), key = lambda d:d[1], reverse = True): for key, value in sorted(
dictory.items(), key=lambda d: d[1], reverse=True):
output.write(key + "\n") output.write(key + "\n")
count += 1 count += 1
if count == dict_size: if count == dict_size:
break break
self.dict_size = count self.dict_size = count
def create_dataset(self, dict_size = -1, mergeDict = False, def create_dataset(self,
suffixes = ['.src', '.trg']): dict_size=-1,
mergeDict=False,
suffixes=['.src', '.trg']):
""" """
Create seqToseq dataset Create seqToseq dataset
""" """
...@@ -141,7 +144,8 @@ class SeqToSeqDatasetCreater(DatasetCreater): ...@@ -141,7 +144,8 @@ class SeqToSeqDatasetCreater(DatasetCreater):
file_list.sort() file_list.sort()
for i in range(0, len(file_list), 2): for i in range(0, len(file_list), 2):
if file_list[i][:-suffix_len] != file_list[i + 1][:-suffix_len]: if file_list[i][:-suffix_len] != file_list[i + 1][:-suffix_len]:
raise RuntimeError("source and target file name should be equal") raise RuntimeError(
"source and target file name should be equal")
# cat all the files with the same suffix in dataset # cat all the files with the same suffix in dataset
for suffix in suffixes: for suffix in suffixes:
...@@ -163,8 +167,10 @@ class SeqToSeqDatasetCreater(DatasetCreater): ...@@ -163,8 +167,10 @@ class SeqToSeqDatasetCreater(DatasetCreater):
# build dictionary for train data # build dictionary for train data
dict = ['src.dict', 'trg.dict'] dict = ['src.dict', 'trg.dict']
dict_path = [os.path.join(self.output_path, dict[0]), dict_path = [
os.path.join(self.output_path, dict[1])] os.path.join(self.output_path, dict[0]),
os.path.join(self.output_path, dict[1])
]
if mergeDict: if mergeDict:
outname = os.path.join(train_dir, train_dataset.split('/')[-1]) outname = os.path.join(train_dir, train_dataset.split('/')[-1])
print 'build src dictionary for train data' print 'build src dictionary for train data'
...@@ -173,21 +179,29 @@ class SeqToSeqDatasetCreater(DatasetCreater): ...@@ -173,21 +179,29 @@ class SeqToSeqDatasetCreater(DatasetCreater):
os.system('cp ' + dict_path[0] + ' ' + dict_path[1]) os.system('cp ' + dict_path[0] + ' ' + dict_path[1])
else: else:
outname = os.path.join(train_dataset, self.train_dir_name) outname = os.path.join(train_dataset, self.train_dir_name)
for id in range(0,2): for id in range(0, 2):
suffix = suffixes[id] suffix = suffixes[id]
print 'build ' + suffix[1:] + ' dictionary for train data' print 'build ' + suffix[1:] + ' dictionary for train data'
self.build_dict(outname + suffix, dict_path[id], dict_size) self.build_dict(outname + suffix, dict_path[id], dict_size)
print 'dictionary size is', self.dict_size print 'dictionary size is', self.dict_size
def main(): def main():
usage = "usage: \n" \ usage = "usage: \n" \
"python %prog -i INPUT [-d DICTSIZE] [-m]" "python %prog -i INPUT [-d DICTSIZE] [-m]"
parser = OptionParser(usage) parser = OptionParser(usage)
parser.add_option("-i", action="store", dest="input", parser.add_option(
help="input original dataset path") "-i", action="store", dest="input", help="input original dataset path")
parser.add_option("-d", action="store", dest="dictsize", parser.add_option(
"-d",
action="store",
dest="dictsize",
help="specified word count of dictionary") help="specified word count of dictionary")
parser.add_option("-m", "--mergeDict", action="store_true", dest="mergeDict", parser.add_option(
"-m",
"--mergeDict",
action="store_true",
dest="mergeDict",
help="merge source and target dictionary") help="merge source and target dictionary")
(options, args) = parser.parse_args() (options, args) = parser.parse_args()
if options.input[-1] == os.path.sep: if options.input[-1] == os.path.sep:
...@@ -200,5 +214,6 @@ def main(): ...@@ -200,5 +214,6 @@ def main():
data_creator = SeqToSeqDatasetCreater(options.input, output_path) data_creator = SeqToSeqDatasetCreater(options.input, output_path)
data_creator.create_dataset(dictsize, options.mergeDict) data_creator.create_dataset(dictsize, options.mergeDict)
if __name__ == "__main__": if __name__ == "__main__":
main(); main()
...@@ -50,16 +50,21 @@ def seq_to_seq_data(data_dir, ...@@ -50,16 +50,21 @@ def seq_to_seq_data(data_dir,
trg_dict = None trg_dict = None
else: else:
train_list = os.path.join(data_dir, train_list) train_list = os.path.join(data_dir, train_list)
test_list = os.path.join(data_dir,test_list) test_list = os.path.join(data_dir, test_list)
define_py_data_sources2(train_list, test_list, define_py_data_sources2(
module = "dataprovider", train_list,
obj = "process", test_list,
args = {"src_dict": src_dict, module="dataprovider",
obj="process",
args={"src_dict": src_dict,
"trg_dict": trg_dict}) "trg_dict": trg_dict})
return {"src_dict_path": src_lang_dict, "trg_dict_path": trg_lang_dict, return {
"gen_result": gen_result} "src_dict_path": src_lang_dict,
"trg_dict_path": trg_lang_dict,
"gen_result": gen_result
}
def gru_encoder_decoder(data_conf, def gru_encoder_decoder(data_conf,
...@@ -90,25 +95,25 @@ def gru_encoder_decoder(data_conf, ...@@ -90,25 +95,25 @@ def gru_encoder_decoder(data_conf,
size=word_vector_dim, size=word_vector_dim,
param_attr=ParamAttr(name='_source_language_embedding')) param_attr=ParamAttr(name='_source_language_embedding'))
src_forward = simple_gru(input=src_embedding, size=encoder_size) src_forward = simple_gru(input=src_embedding, size=encoder_size)
src_backward = simple_gru(input=src_embedding, src_backward = simple_gru(
size=encoder_size, input=src_embedding, size=encoder_size, reverse=True)
reverse=True)
encoded_vector = concat_layer(input=[src_forward, src_backward]) encoded_vector = concat_layer(input=[src_forward, src_backward])
with mixed_layer(size=decoder_size) as encoded_proj: with mixed_layer(size=decoder_size) as encoded_proj:
encoded_proj += full_matrix_projection(input=encoded_vector) encoded_proj += full_matrix_projection(input=encoded_vector)
backward_first = first_seq(input=src_backward) backward_first = first_seq(input=src_backward)
with mixed_layer(size=decoder_size, with mixed_layer(
size=decoder_size,
act=TanhActivation(), ) as decoder_boot: act=TanhActivation(), ) as decoder_boot:
decoder_boot += full_matrix_projection(input=backward_first) decoder_boot += full_matrix_projection(input=backward_first)
def gru_decoder_with_attention(enc_vec, enc_proj, current_word): def gru_decoder_with_attention(enc_vec, enc_proj, current_word):
decoder_mem = memory(name='gru_decoder', decoder_mem = memory(
size=decoder_size, name='gru_decoder', size=decoder_size, boot_layer=decoder_boot)
boot_layer=decoder_boot)
context = simple_attention(encoded_sequence=enc_vec, context = simple_attention(
encoded_sequence=enc_vec,
encoded_proj=enc_proj, encoded_proj=enc_proj,
decoder_state=decoder_mem, ) decoder_state=decoder_mem, )
...@@ -116,25 +121,29 @@ def gru_encoder_decoder(data_conf, ...@@ -116,25 +121,29 @@ def gru_encoder_decoder(data_conf,
decoder_inputs += full_matrix_projection(input=context) decoder_inputs += full_matrix_projection(input=context)
decoder_inputs += full_matrix_projection(input=current_word) decoder_inputs += full_matrix_projection(input=current_word)
gru_step = gru_step_layer(name='gru_decoder', gru_step = gru_step_layer(
name='gru_decoder',
input=decoder_inputs, input=decoder_inputs,
output_mem=decoder_mem, output_mem=decoder_mem,
size=decoder_size) size=decoder_size)
with mixed_layer(size=target_dict_dim, with mixed_layer(
bias_attr=True, size=target_dict_dim, bias_attr=True,
act=SoftmaxActivation()) as out: act=SoftmaxActivation()) as out:
out += full_matrix_projection(input=gru_step) out += full_matrix_projection(input=gru_step)
return out return out
decoder_group_name = "decoder_group" decoder_group_name = "decoder_group"
group_inputs=[StaticInput(input=encoded_vector,is_seq=True), group_inputs = [
StaticInput(input=encoded_proj,is_seq=True)] StaticInput(
input=encoded_vector, is_seq=True), StaticInput(
input=encoded_proj, is_seq=True)
]
if not is_generating: if not is_generating:
trg_embedding = embedding_layer( trg_embedding = embedding_layer(
input=data_layer(name='target_language_word', input=data_layer(
size=target_dict_dim), name='target_language_word', size=target_dict_dim),
size=word_vector_dim, size=word_vector_dim,
param_attr=ParamAttr(name='_target_language_embedding')) param_attr=ParamAttr(name='_target_language_embedding'))
group_inputs.append(trg_embedding) group_inputs.append(trg_embedding)
...@@ -144,12 +153,12 @@ def gru_encoder_decoder(data_conf, ...@@ -144,12 +153,12 @@ def gru_encoder_decoder(data_conf,
# while encoded source sequence is accessed to as an unbounded memory. # while encoded source sequence is accessed to as an unbounded memory.
# Here, the StaticInput defines a read-only memory # Here, the StaticInput defines a read-only memory
# for the recurrent_group. # for the recurrent_group.
decoder = recurrent_group(name=decoder_group_name, decoder = recurrent_group(
name=decoder_group_name,
step=gru_decoder_with_attention, step=gru_decoder_with_attention,
input=group_inputs) input=group_inputs)
lbl = data_layer(name='target_language_next_word', lbl = data_layer(name='target_language_next_word', size=target_dict_dim)
size=target_dict_dim)
cost = classification_cost(input=decoder, label=lbl) cost = classification_cost(input=decoder, label=lbl)
outputs(cost) outputs(cost)
else: else:
...@@ -168,7 +177,8 @@ def gru_encoder_decoder(data_conf, ...@@ -168,7 +177,8 @@ def gru_encoder_decoder(data_conf,
embedding_size=word_vector_dim) embedding_size=word_vector_dim)
group_inputs.append(trg_embedding) group_inputs.append(trg_embedding)
beam_gen = beam_search(name=decoder_group_name, beam_gen = beam_search(
name=decoder_group_name,
step=gru_decoder_with_attention, step=gru_decoder_with_attention,
input=group_inputs, input=group_inputs,
bos_id=0, bos_id=0,
...@@ -176,8 +186,10 @@ def gru_encoder_decoder(data_conf, ...@@ -176,8 +186,10 @@ def gru_encoder_decoder(data_conf,
beam_size=beam_size, beam_size=beam_size,
max_length=max_length) max_length=max_length)
seqtext_printer_evaluator(input=beam_gen, seqtext_printer_evaluator(
id_input=data_layer(name="sent_id", size=1), input=beam_gen,
id_input=data_layer(
name="sent_id", size=1),
dict_file=trg_dict_path, dict_file=trg_dict_path,
result_file=gen_trans_file) result_file=gen_trans_file)
outputs(beam_gen) outputs(beam_gen)
...@@ -17,8 +17,7 @@ import gzip ...@@ -17,8 +17,7 @@ import gzip
import logging import logging
logging.basicConfig( logging.basicConfig(
format='[%(levelname)s %(asctime)s %(filename)s:%(lineno)s] %(message)s', format='[%(levelname)s %(asctime)s %(filename)s:%(lineno)s] %(message)s', )
)
logger = logging.getLogger('paddle') logger = logging.getLogger('paddle')
logger.setLevel(logging.INFO) logger.setLevel(logging.INFO)
...@@ -32,28 +31,25 @@ num_original_columns = 3 ...@@ -32,28 +31,25 @@ num_original_columns = 3
# [[-1,0], [0,0]] means previous token at column 0 and current token at # [[-1,0], [0,0]] means previous token at column 0 and current token at
# column 0 are combined as one feature. # column 0 are combined as one feature.
patterns = [ patterns = [
[[-2,0]], [[-2, 0]],
[[-1,0]], [[-1, 0]],
[[0,0]], [[0, 0]],
[[1,0]], [[1, 0]],
[[2,0]], [[2, 0]],
[[-1, 0], [0, 0]],
[[-1,0], [0,0]], [[0, 0], [1, 0]],
[[0,0], [1,0]], [[-2, 1]],
[[-1, 1]],
[[-2,1]], [[0, 1]],
[[-1,1]], [[1, 1]],
[[0,1]], [[2, 1]],
[[1,1]], [[-2, 1], [-1, 1]],
[[2,1]], [[-1, 1], [0, 1]],
[[-2,1], [-1,1]], [[0, 1], [1, 1]],
[[-1,1], [0,1]], [[1, 1], [2, 1]],
[[0,1], [1,1]], [[-2, 1], [-1, 1], [0, 1]],
[[1,1], [2,1]], [[-1, 1], [0, 1], [1, 1]],
[[0, 1], [1, 1], [2, 1]],
[[-2,1], [-1,1], [0,1]],
[[-1,1], [0,1], [1,1]],
[[0,1], [1,1], [2,1]],
] ]
dict_label = { dict_label = {
...@@ -82,9 +78,11 @@ dict_label = { ...@@ -82,9 +78,11 @@ dict_label = {
'O': 22 'O': 22
} }
def make_features(sequence): def make_features(sequence):
length = len(sequence) length = len(sequence)
num_features = len(sequence[0]) num_features = len(sequence[0])
def get_features(pos): def get_features(pos):
if pos < 0: if pos < 0:
return ['#B%s' % -pos] * num_features return ['#B%s' % -pos] * num_features
...@@ -94,9 +92,10 @@ def make_features(sequence): ...@@ -94,9 +92,10 @@ def make_features(sequence):
for i in xrange(length): for i in xrange(length):
for pattern in patterns: for pattern in patterns:
fname = '/'.join([get_features(i+pos)[f] for pos, f in pattern]) fname = '/'.join([get_features(i + pos)[f] for pos, f in pattern])
sequence[i].append(fname) sequence[i].append(fname)
''' '''
Source file format: Source file format:
Each line is for one timestep. The features are separated by space. Each line is for one timestep. The features are separated by space.
...@@ -109,6 +108,8 @@ i-th column. ...@@ -109,6 +108,8 @@ i-th column.
return a list of dict for each column return a list of dict for each column
''' '''
def create_dictionaries(filename, cutoff, oov_policy): def create_dictionaries(filename, cutoff, oov_policy):
def add_to_dict(sequence, dicts): def add_to_dict(sequence, dicts):
num_features = len(dicts) num_features = len(dicts)
...@@ -140,7 +141,6 @@ def create_dictionaries(filename, cutoff, oov_policy): ...@@ -140,7 +141,6 @@ def create_dictionaries(filename, cutoff, oov_policy):
features = line.split(' ') features = line.split(' ')
sequence.append(features) sequence.append(features)
for i in xrange(num_features): for i in xrange(num_features):
dct = dicts[i] dct = dicts[i]
n = 1 if oov_policy[i] == OOV_POLICY_USE else 0 n = 1 if oov_policy[i] == OOV_POLICY_USE else 0
...@@ -187,12 +187,15 @@ def initializer(settings, **xargs): ...@@ -187,12 +187,15 @@ def initializer(settings, **xargs):
logger.info("feature size=%s" % dim) logger.info("feature size=%s" % dim)
settings.input_types = input_types settings.input_types = input_types
''' '''
if oov_policy[i] == OOV_POLICY_USE, features in i-th column which are not if oov_policy[i] == OOV_POLICY_USE, features in i-th column which are not
existed in dicts[i] will be assigned to id 0. existed in dicts[i] will be assigned to id 0.
if oov_policy[i] == OOV_POLICY_ERROR, all features in i-th column MUST exist if oov_policy[i] == OOV_POLICY_ERROR, all features in i-th column MUST exist
in dicts[i]. in dicts[i].
''' '''
@provider(init_hook=initializer, cache=CacheType.CACHE_PASS_IN_MEM) @provider(init_hook=initializer, cache=CacheType.CACHE_PASS_IN_MEM)
def process(settings, filename): def process(settings, filename):
input_file = filename input_file = filename
...@@ -255,4 +258,3 @@ def process(settings, filename): ...@@ -255,4 +258,3 @@ def process(settings, filename):
f.close() f.close()
logger.info("num_sequences=%s" % num_sequences) logger.info("num_sequences=%s" % num_sequences)
...@@ -16,12 +16,12 @@ from paddle.trainer_config_helpers import * ...@@ -16,12 +16,12 @@ from paddle.trainer_config_helpers import *
import math import math
define_py_data_sources2(train_list="data/train.list", define_py_data_sources2(
train_list="data/train.list",
test_list="data/test.list", test_list="data/test.list",
module="dataprovider", module="dataprovider",
obj="process") obj="process")
batch_size = 1 batch_size = 1
settings( settings(
learning_method=MomentumOptimizer(), learning_method=MomentumOptimizer(),
...@@ -30,14 +30,15 @@ settings( ...@@ -30,14 +30,15 @@ settings(
average_window=0.5, average_window=0.5,
learning_rate=1e-1, learning_rate=1e-1,
learning_rate_decay_a=1e-5, learning_rate_decay_a=1e-5,
learning_rate_decay_b=0.25, learning_rate_decay_b=0.25, )
)
num_label_types = 23
num_label_types=23
def get_simd_size(size): def get_simd_size(size):
return int(math.ceil(float(size) / 8)) * 8 return int(math.ceil(float(size) / 8)) * 8
# Currently, in order to use sparse_update=True, # Currently, in order to use sparse_update=True,
# the size has to be aligned. # the size has to be aligned.
num_label_types = get_simd_size(num_label_types) num_label_types = get_simd_size(num_label_types)
...@@ -45,40 +46,37 @@ num_label_types = get_simd_size(num_label_types) ...@@ -45,40 +46,37 @@ num_label_types = get_simd_size(num_label_types)
features = data_layer(name="features", size=76328) features = data_layer(name="features", size=76328)
word = data_layer(name="word", size=6778) word = data_layer(name="word", size=6778)
pos = data_layer(name="pos", size=44) pos = data_layer(name="pos", size=44)
chunk = data_layer(name="chunk", chunk = data_layer(name="chunk", size=num_label_types)
size=num_label_types)
crf_input = fc_layer( crf_input = fc_layer(
input=features, input=features,
size=num_label_types, size=num_label_types,
act=LinearActivation(), act=LinearActivation(),
bias_attr=False, bias_attr=False,
param_attr=ParamAttr(initial_std=0, sparse_update=True)) param_attr=ParamAttr(
initial_std=0, sparse_update=True))
crf=crf_layer( crf = crf_layer(
input=crf_input, input=crf_input,
label=chunk, label=chunk,
param_attr=ParamAttr(name="crfw", initial_std=0), param_attr=ParamAttr(
) name="crfw", initial_std=0), )
crf_decoding=crf_decoding_layer( crf_decoding = crf_decoding_layer(
size=num_label_types, size=num_label_types,
input=crf_input, input=crf_input,
label=chunk, label=chunk,
param_attr=ParamAttr(name="crfw"), param_attr=ParamAttr(name="crfw"), )
)
sum_evaluator( sum_evaluator(
name="error", name="error",
input=crf_decoding, input=crf_decoding, )
)
chunk_evaluator( chunk_evaluator(
name="chunk_f1", name="chunk_f1",
input =[crf_decoding, chunk], input=[crf_decoding, chunk],
chunk_scheme="IOB", chunk_scheme="IOB",
num_chunk_types=11, num_chunk_types=11, )
)
inputs(word, pos, chunk, features) inputs(word, pos, chunk, features)
outputs(crf) outputs(crf)
...@@ -16,7 +16,8 @@ from paddle.trainer_config_helpers import * ...@@ -16,7 +16,8 @@ from paddle.trainer_config_helpers import *
import math import math
define_py_data_sources2(train_list="data/train.list", define_py_data_sources2(
train_list="data/train.list",
test_list="data/test.list", test_list="data/test.list",
module="dataprovider", module="dataprovider",
obj="process") obj="process")
...@@ -27,29 +28,27 @@ settings( ...@@ -27,29 +28,27 @@ settings(
batch_size=batch_size, batch_size=batch_size,
regularization=L2Regularization(batch_size * 1e-5), regularization=L2Regularization(batch_size * 1e-5),
average_window=0.5, average_window=0.5,
learning_rate = 2e-3, learning_rate=2e-3,
learning_rate_decay_a = 5e-7, learning_rate_decay_a=5e-7,
learning_rate_decay_b = 0.5, learning_rate_decay_b=0.5, )
)
word_dim=128 word_dim = 128
hidden_dim = 128 hidden_dim = 128
with_rnn = True with_rnn = True
initial_std=1/math.sqrt(hidden_dim) initial_std = 1 / math.sqrt(hidden_dim)
param_attr=ParamAttr(initial_std=initial_std) param_attr = ParamAttr(initial_std=initial_std)
cpu_layer_attr=ExtraLayerAttribute(device=-1) cpu_layer_attr = ExtraLayerAttribute(device=-1)
default_device(0) default_device(0)
num_label_types=23 num_label_types = 23
features = data_layer(name="features", size=76328) features = data_layer(name="features", size=76328)
word = data_layer(name="word", size=6778) word = data_layer(name="word", size=6778)
pos = data_layer(name="pos", size=44) pos = data_layer(name="pos", size=44)
chunk = data_layer(name="chunk", chunk = data_layer(
size=num_label_types, name="chunk", size=num_label_types, layer_attr=cpu_layer_attr)
layer_attr=cpu_layer_attr)
emb = embedding_layer( emb = embedding_layer(
input=word, size=word_dim, param_attr=ParamAttr(initial_std=0)) input=word, size=word_dim, param_attr=ParamAttr(initial_std=0))
...@@ -58,73 +57,64 @@ hidden1 = mixed_layer( ...@@ -58,73 +57,64 @@ hidden1 = mixed_layer(
size=hidden_dim, size=hidden_dim,
act=STanhActivation(), act=STanhActivation(),
bias_attr=True, bias_attr=True,
input=[full_matrix_projection(emb), input=[
table_projection(pos, param_attr=param_attr)] full_matrix_projection(emb), table_projection(
) pos, param_attr=param_attr)
])
if with_rnn: if with_rnn:
rnn1 = recurrent_layer( rnn1 = recurrent_layer(
act=ReluActivation(), act=ReluActivation(),
bias_attr=True, bias_attr=True,
input=hidden1, input=hidden1,
param_attr=ParamAttr(initial_std=0), param_attr=ParamAttr(initial_std=0), )
)
hidden2 = mixed_layer( hidden2 = mixed_layer(
size=hidden_dim, size=hidden_dim,
act=STanhActivation(), act=STanhActivation(),
bias_attr=True, bias_attr=True,
input=[full_matrix_projection(hidden1) input=[full_matrix_projection(hidden1)] +
] + ([ ([full_matrix_projection(
full_matrix_projection(rnn1, param_attr=ParamAttr(initial_std=0)) rnn1, param_attr=ParamAttr(initial_std=0))] if with_rnn else []), )
] if with_rnn else []),
)
if with_rnn: if with_rnn:
rnn2=recurrent_layer( rnn2 = recurrent_layer(
reverse=True, reverse=True,
act=ReluActivation(), act=ReluActivation(),
bias_attr=True, bias_attr=True,
input=hidden2, input=hidden2,
param_attr=ParamAttr(initial_std=0), param_attr=ParamAttr(initial_std=0), )
)
crf_input = mixed_layer( crf_input = mixed_layer(
size=num_label_types, size=num_label_types,
bias_attr=False, bias_attr=False,
input=[ input=[full_matrix_projection(hidden2), ] +
full_matrix_projection(hidden2), ([full_matrix_projection(
] + ([ rnn2, param_attr=ParamAttr(initial_std=0))] if with_rnn else []), )
full_matrix_projection(rnn2, param_attr=ParamAttr(initial_std=0))
] if with_rnn else []),
)
crf = crf_layer( crf = crf_layer(
input=crf_input, input=crf_input,
label=chunk, label=chunk,
param_attr=ParamAttr(name="crfw", initial_std=0), param_attr=ParamAttr(
layer_attr=cpu_layer_attr, name="crfw", initial_std=0),
) layer_attr=cpu_layer_attr, )
crf_decoding = crf_decoding_layer( crf_decoding = crf_decoding_layer(
size=num_label_types, size=num_label_types,
input=crf_input, input=crf_input,
label=chunk, label=chunk,
param_attr=ParamAttr(name="crfw"), param_attr=ParamAttr(name="crfw"),
layer_attr=cpu_layer_attr, layer_attr=cpu_layer_attr, )
)
sum_evaluator( sum_evaluator(
name="error", name="error",
input=crf_decoding, input=crf_decoding, )
)
chunk_evaluator( chunk_evaluator(
name="chunk_f1", name="chunk_f1",
input =[crf_decoding, chunk], input=[crf_decoding, chunk],
chunk_scheme="IOB", chunk_scheme="IOB",
num_chunk_types=11, num_chunk_types=11, )
)
inputs(word, pos, chunk, features) inputs(word, pos, chunk, features)
outputs(crf) outputs(crf)
Algorithm Tutorial
==================
.. toctree::
:maxdepth: 1
rnn/rnn.rst
Recurrent Neural Network Configuration RNN Configuration
====================================== =================
This tutorial will guide you how to configure recurrent neural network in PaddlePaddle. PaddlePaddle supports highly flexible and efficient recurrent neural network configuration. In this tutorial, you will learn how to: This tutorial will guide you how to configure recurrent neural network in PaddlePaddle. PaddlePaddle supports highly flexible and efficient recurrent neural network configuration. In this tutorial, you will learn how to:
......
# Contribute to PaddlePaddle # Contribute Code
We sincerely appreciate your contributions. You can use fork and pull request We sincerely appreciate your contributions. You can use fork and pull request
workflow to merge your code. workflow to merge your code.
......
Build And Install PaddlePaddle Install and Build
================================ =================
Install PaddlePaddle Install PaddlePaddle
---------------------- ----------------------
...@@ -18,11 +18,7 @@ Build from Source ...@@ -18,11 +18,7 @@ Build from Source
.. warning:: .. warning::
Please use :code:`deb` package or :code:`docker` image to install paddle. The building guide is used for hacking or contributing to PaddlePaddle. Please use :code:`deb` package or :code:`docker` image to install paddle. The building guide is used for hacking or contributing PaddlePaddle source code.
If you want to hack and contribute PaddlePaddle source code, following guides can help you\:
.. toctree:: .. toctree::
:maxdepth: 1 :maxdepth: 1
...@@ -30,4 +26,3 @@ If you want to hack and contribute PaddlePaddle source code, following guides ca ...@@ -30,4 +26,3 @@ If you want to hack and contribute PaddlePaddle source code, following guides ca
build_from_source.md build_from_source.md
contribute_to_paddle.md contribute_to_paddle.md
# Quick Start Tutorial # Quick Start
This tutorial will teach the basics of deep learning (DL), including how to implement many different models in PaddlePaddle. You will learn how to: This tutorial will teach the basics of deep learning (DL), including how to implement many different models in PaddlePaddle. You will learn how to:
- Prepare data into the standardized format that PaddlePaddle accepts. - Prepare data into the standardized format that PaddlePaddle accepts.
......
Development Guide
=================
.. toctree::
:maxdepth: 1
layer.md
new_layer/new_layer.rst
../source/index.md
# Layer Documents
* [Layer Source Code Document](../source/gserver/layers/index.rst)
* [Layer Python API Document](../ui/api/trainer_config_helpers/index.rst)
Writing New Layers
==================
.. toctree::
:maxdepth: 3
new_layer.rst
==================
Writing New Layers Writing New Layers
================== ==================
......
PaddlePaddle Documentation
==========================
.. toctree::
:maxdepth: 1
introduction/index.md
user_guide.rst
dev/index.rst
algorithm/index.rst
...@@ -98,4 +98,3 @@ There, you have recovered the underlying pattern between `X` and `Y` only from o ...@@ -98,4 +98,3 @@ There, you have recovered the underlying pattern between `X` and `Y` only from o
- <a href="../build/index.html"> Build and Installation </a> - <a href="../build/index.html"> Build and Installation </a>
- <a href="../demo/quick_start/index_en.html">Quick Start</a> - <a href="../demo/quick_start/index_en.html">Quick Start</a>
- <a href="../demo/index.html">Example and Demo</a> - <a href="../demo/index.html">Example and Demo</a>
# Layer Documents
* [Layer Source Code Document](source/gserver/layers/index.rst)
* [Layer Python API Document](ui/api/trainer_config_helpers/layers_index.rst)
...@@ -465,6 +465,11 @@ SumOfSquaresCostLayer ...@@ -465,6 +465,11 @@ SumOfSquaresCostLayer
.. doxygenclass:: paddle::SumOfSquaresCostLayer .. doxygenclass:: paddle::SumOfSquaresCostLayer
:members: :members:
SumCostLayer
`````````````````````
.. doxygenclass:: paddle::SumCostLayer
:members:
CosSimLayer CosSimLayer
----------- -----------
.. doxygenclass:: paddle::CosSimLayer .. doxygenclass:: paddle::CosSimLayer
......
===========
Activations
===========
BaseActivation BaseActivation
============== ==============
...@@ -102,4 +106,3 @@ STanhActivation ...@@ -102,4 +106,3 @@ STanhActivation
.. automodule:: paddle.trainer_config_helpers.activations .. automodule:: paddle.trainer_config_helpers.activations
:members: STanhActivation :members: STanhActivation
:noindex: :noindex:
Activations
===========
.. toctree::
:maxdepth: 3
activations.rst
==========
Evaluators
==========
Base Base
==== ====
.. automodule:: paddle.trainer_config_helpers.evaluators .. automodule:: paddle.trainer_config_helpers.evaluators
......
Evaluators
==========
.. toctree::
:maxdepth: 3
evaluators.rst
# Model Config Interface
* [Optimizer](optimizers_index.rst)
* [Data Source](data_sources.rst)
* [Layers](layers_index.rst)
* [Activations](activations_index.rst)
* [Poolings](poolings_index.rst)
* [Networks](networks_index.rst)
* [Evaluators](evaluators_index.rst)
* [Parameter and Extra Layer Attribute](attrs.rst)
Model Config Interface
======================
.. toctree::
:maxdepth: 1
optimizers.rst
data_sources.rst
layers.rst
activations.rst
poolings.rst
networks.rst
evaluators.rst
attrs.rst
======
Layers
======
Base Base
====== ======
...@@ -46,6 +50,12 @@ conv_operator ...@@ -46,6 +50,12 @@ conv_operator
:members: conv_operator :members: conv_operator
:noindex: :noindex:
conv_projection
---------------
.. automodule:: paddle.trainer_config_helpers.layers
:members: conv_projection
:noindex:
conv_shift_layer conv_shift_layer
------------------ ------------------
.. automodule:: paddle.trainer_config_helpers.layers .. automodule:: paddle.trainer_config_helpers.layers
...@@ -73,6 +83,12 @@ img_pool_layer ...@@ -73,6 +83,12 @@ img_pool_layer
:members: img_pool_layer :members: img_pool_layer
:noindex: :noindex:
spp_layer
--------------
.. automodule:: paddle.trainer_config_helpers.layers
:members: spp_layer
:noindex:
maxout_layer maxout_layer
------------ ------------
.. automodule:: paddle.trainer_config_helpers.layers .. automodule:: paddle.trainer_config_helpers.layers
...@@ -175,6 +191,12 @@ embedding_layer ...@@ -175,6 +191,12 @@ embedding_layer
:members: embedding_layer :members: embedding_layer
:noindex: :noindex:
scaling_projection
------------------
.. automodule:: paddle.trainer_config_helpers.layers
:members: scaling_projection
:noindex:
dotmul_projection dotmul_projection
----------------- -----------------
.. automodule:: paddle.trainer_config_helpers.layers .. automodule:: paddle.trainer_config_helpers.layers
...@@ -254,6 +276,12 @@ expand_layer ...@@ -254,6 +276,12 @@ expand_layer
:members: expand_layer :members: expand_layer
:noindex: :noindex:
repeat_layer
------------
.. automodule:: paddle.trainer_config_helpers.layers
:members: repeat_layer
:noindex:
Math Layers Math Layers
=========== ===========
...@@ -401,6 +429,12 @@ hsigmoid ...@@ -401,6 +429,12 @@ hsigmoid
:members: hsigmoid :members: hsigmoid
:noindex: :noindex:
sum_cost
---------
.. automodule:: paddle.trainer_config_helpers.layers
:members: sum_cost
:noindex:
Check Layer Check Layer
============ ============
......
Layers
======
.. toctree::
:maxdepth: 3
layers.rst
========
Networks
========
The networks module contains pieces of neural network that combine multiple layers.
NLP NLP
=== ===
...@@ -111,4 +117,3 @@ outputs ...@@ -111,4 +117,3 @@ outputs
.. automodule:: paddle.trainer_config_helpers.networks .. automodule:: paddle.trainer_config_helpers.networks
:members: outputs :members: outputs
:noindex: :noindex:
Networks
========
The networks module contains pieces of neural network that combine multiple layers.
.. toctree::
:maxdepth: 3
networks.rst
==========
Optimizers
==========
BaseSGDOptimizer BaseSGDOptimizer
================ ================
.. automodule:: paddle.trainer_config_helpers.optimizers .. automodule:: paddle.trainer_config_helpers.optimizers
...@@ -51,4 +55,3 @@ settings ...@@ -51,4 +55,3 @@ settings
.. automodule:: paddle.trainer_config_helpers.optimizers .. automodule:: paddle.trainer_config_helpers.optimizers
:members: settings :members: settings
:noindex: :noindex:
Optimizers
==========
.. toctree::
:maxdepth: 3
optimizers.rst
========
Poolings
========
BasePoolingType BasePoolingType
=============== ===============
.. automodule:: paddle.trainer_config_helpers.poolings .. automodule:: paddle.trainer_config_helpers.poolings
...@@ -27,4 +31,3 @@ SquareRootNPooling ...@@ -27,4 +31,3 @@ SquareRootNPooling
.. automodule:: paddle.trainer_config_helpers.poolings .. automodule:: paddle.trainer_config_helpers.poolings
:members: SquareRootNPooling :members: SquareRootNPooling
:noindex: :noindex:
Poolings
========
These pooling types are used for sequence input, not for images.
.. toctree::
:maxdepth: 3
poolings.rst
...@@ -16,82 +16,113 @@ from py_paddle import swig_paddle, DataProviderConverter ...@@ -16,82 +16,113 @@ from py_paddle import swig_paddle, DataProviderConverter
from paddle.trainer.PyDataProvider2 import dense_vector from paddle.trainer.PyDataProvider2 import dense_vector
from paddle.trainer.config_parser import parse_config from paddle.trainer.config_parser import parse_config
TEST_DATA = [[[0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, TEST_DATA = [[[
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.215686, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.533333, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.67451, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.992157, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.070588, 0.886275, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.992157, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.192157, 0.070588, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.215686, 0.533333, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.670588, 0.992157, 0.992157, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.117647, 0.933333, 0.858824, 0.313725, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.67451, 0.992157, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0.090196, 0.858824, 0.992157, 0.831373, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.141176, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.992157, 0.992157, 0.611765, 0.054902, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.258824, 0.992157, 0.992157, 0.070588, 0.886275, 0.992157, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.192157,
0.529412, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.368627, 0.992157, 0.992157, 0.419608, 0.003922, 0, 0, 0, 0, 0, 0, 0.070588, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.670588, 0.992157,
0, 0, 0, 0.094118, 0.835294, 0.992157, 0.992157, 0.517647, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.603922, 0.992157, 0.992157, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.117647, 0.933333, 0.858824, 0.313725,
0.992157, 0.992157, 0.603922, 0.545098, 0.043137, 0, 0, 0, 0, 0, 0, 0, 0.447059, 0.992157, 0.992157, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.090196, 0.858824, 0.992157, 0.831373, 0,
0.956863, 0.062745, 0, 0, 0, 0, 0, 0, 0, 0, 0.011765, 0.666667, 0.992157, 0.992157, 0.992157, 0.992157, 0, 0, 0, 0, 0, 0, 0, 0, 0.141176, 0.992157, 0.992157, 0.611765, 0.054902, 0,
0.992157, 0.745098, 0.137255, 0, 0, 0, 0, 0, 0.152941, 0.866667, 0.992157, 0.992157, 0.521569, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.258824, 0.992157, 0.992157, 0.529412, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0.070588, 0.992157, 0.992157, 0.992157, 0.803922, 0.352941, 0.745098, 0.992157, 0, 0, 0, 0, 0, 0, 0.368627, 0.992157, 0.992157, 0.419608, 0.003922, 0, 0, 0,
0.945098, 0.317647, 0, 0, 0, 0, 0.580392, 0.992157, 0.992157, 0.764706, 0.043137, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.094118, 0.835294, 0.992157, 0.992157, 0.517647, 0, 0, 0,
0, 0.070588, 0.992157, 0.992157, 0.776471, 0.043137, 0, 0.007843, 0.27451, 0.882353, 0.941176, 0.176471, 0, 0, 0, 0, 0, 0, 0.603922, 0.992157, 0.992157, 0.992157, 0.603922,
0, 0, 0.180392, 0.898039, 0.992157, 0.992157, 0.313725, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.070588, 0.992157, 0.545098, 0.043137, 0, 0, 0, 0, 0, 0, 0, 0.447059, 0.992157, 0.992157,
0.992157, 0.713725, 0, 0, 0, 0, 0.627451, 0.992157, 0.729412, 0.062745, 0, 0.509804, 0.992157, 0.992157, 0.956863, 0.062745, 0, 0, 0, 0, 0, 0, 0, 0, 0.011765, 0.666667, 0.992157,
0.776471, 0.035294, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.494118, 0.992157, 0.992157, 0.968627, 0.168627, 0, 0, 0.992157, 0.992157, 0.992157, 0.992157, 0.745098, 0.137255, 0, 0, 0, 0, 0,
0, 0.423529, 0.992157, 0.992157, 0.364706, 0, 0.717647, 0.992157, 0.992157, 0.317647, 0, 0, 0, 0, 0, 0, 0.152941, 0.866667, 0.992157, 0.992157, 0.521569, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0.533333, 0.992157, 0.984314, 0.945098, 0.603922, 0, 0, 0, 0.003922, 0.466667, 0.992157, 0.070588, 0.992157, 0.992157, 0.992157, 0.803922, 0.352941, 0.745098,
0.988235, 0.976471, 0.992157, 0.992157, 0.788235, 0.007843, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.686275, 0.992157, 0.945098, 0.317647, 0, 0, 0, 0, 0.580392, 0.992157, 0.992157,
0.882353, 0.364706, 0, 0, 0, 0, 0, 0, 0.098039, 0.588235, 0.992157, 0.992157, 0.992157, 0.980392, 0.764706, 0.043137, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.070588, 0.992157, 0.992157,
0.305882, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.101961, 0.67451, 0.321569, 0, 0, 0, 0, 0, 0, 0, 0.105882, 0.776471, 0.043137, 0, 0.007843, 0.27451, 0.882353, 0.941176, 0.176471, 0,
0.733333, 0.976471, 0.811765, 0.713725, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.65098, 0.992157, 0, 0.180392, 0.898039, 0.992157, 0.992157, 0.313725, 0, 0, 0, 0, 0, 0, 0, 0,
0.321569, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.25098, 0.007843, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0.070588, 0.992157, 0.992157, 0.713725, 0, 0, 0, 0, 0.627451,
0.94902, 0.219608, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.968627, 0.992157, 0.729412, 0.062745, 0, 0.509804, 0.992157, 0.992157, 0.776471,
0.764706, 0.152941, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.498039, 0.035294, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.494118, 0.992157, 0.992157,
0.25098, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.968627, 0.168627, 0, 0, 0, 0.423529, 0.992157, 0.992157, 0.364706, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.717647, 0.992157, 0.992157, 0.317647, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.533333, 0.992157, 0.984314, 0.945098, 0.603922, 0, 0, 0, 0.003922,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]], [ 0.466667, 0.992157, 0.988235, 0.976471, 0.992157, 0.992157, 0.788235,
[0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.007843, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.686275, 0.882353, 0.364706, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.098039, 0.588235, 0.992157, 0.992157, 0.992157, 0.980392,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.305882, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.101961, 0.67451, 0.321569,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.105882, 0.733333, 0.976471, 0.811765, 0.713725, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.65098, 0.992157, 0.321569, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.298039, 0.333333, 0.333333, 0.333333, 0.337255, 0.333333, 0, 0, 0, 0, 0.25098, 0.007843, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1,
0.333333, 0.109804, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.027451, 0.223529, 0.776471, 0.94902, 0.219608, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.964706, 0.988235, 0.988235, 0.988235, 0.992157, 0.988235, 0.988235, 0.780392, 0.098039, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.968627, 0.764706, 0.152941, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.14902, 0.698039, 0.988235, 0.992157, 0.988235, 0.901961, 0.87451, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.498039, 0.25098, 0, 0, 0,
0.568627, 0.882353, 0.976471, 0.988235, 0.988235, 0.501961, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.188235, 0.647059, 0.988235, 0.988235, 0.745098, 0.439216, 0.098039, 0, 0, 0, 0.572549, 0.988235, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.988235, 0.988235, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.2, 0.933333, 0.992157, 0.941176, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.247059, 0, 0, 0, 0, 0, 0, 0.188235, 0.898039, 0.992157, 0.992157, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.039216, 0.639216, 0.933333, 0.988235, 0.913725, 0.278431, 0, 0, 0, 0, 0, 0, 0, 0.113725, 0.843137, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.988235, 0.988235, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.235294, 0.988235, 0.992157, 0.988235, 0.815686, 0, 0, 0, 0, 0
0.07451, 0, 0, 0, 0, 0, 0, 0, 0.333333, 0.988235, 0.988235, 0.552941, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, ]], [[
0.211765, 0.878431, 0.988235, 0.992157, 0.701961, 0.329412, 0.109804, 0, 0, 0, 0, 0, 0, 0, 0.698039, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.988235, 0.913725, 0.145098, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.188235, 0.890196, 0.988235, 0.988235, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.745098, 0.047059, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.882353, 0.988235, 0.568627, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0.2, 0.933333, 0.992157, 0.992157, 0.992157, 0.447059, 0.294118, 0, 0, 0, 0, 0, 0, 0, 0, 0.447059, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.992157, 0.768627, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.623529, 0.988235, 0.988235, 0.988235, 0.988235, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.992157, 0.47451, 0, 0, 0, 0, 0, 0, 0, 0.188235, 0.933333, 0.87451, 0.509804, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0.992157, 0.988235, 0.937255, 0.792157, 0.988235, 0.894118, 0.082353, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.027451, 0.647059, 0.992157, 0.654902, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.623529, 0.988235, 0.913725, 0, 0, 0, 0, 0, 0, 0, 0, 0.298039, 0.333333, 0.333333, 0.333333, 0.337255,
0.329412, 0.376471, 0.184314, 0, 0, 0, 0, 0, 0, 0.027451, 0.513725, 0.988235, 0.635294, 0.219608, 0, 0.333333, 0.333333, 0.109804, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.196078, 0.929412, 0.988235, 0.988235, 0.741176, 0.309804, 0, 0, 0, 0, 0, 0, 0.027451, 0.223529, 0.776471, 0.964706, 0.988235, 0.988235, 0.988235,
0, 0, 0.529412, 0.988235, 0.678431, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.223529, 0.992157, 0.992157, 0.988235, 0.988235, 0.780392, 0.098039, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.992157, 1, 0.992157, 0.992157, 0.992157, 0.992157, 1, 0.992157, 0.992157, 0.882353, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.14902, 0.698039, 0.988235, 0.992157, 0.988235, 0.901961,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.023529, 0.478431, 0.654902, 0.658824, 0.952941, 0.988235, 0.988235, 0.87451, 0.568627, 0.882353, 0.976471, 0.988235, 0.988235, 0.501961, 0, 0,
0.988235, 0.992157, 0.988235, 0.729412, 0.278431, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.188235, 0.647059, 0.988235, 0.988235,
0, 0, 0, 0.196078, 0.647059, 0.764706, 0.764706, 0.768627, 0.580392, 0.047059, 0, 0, 0, 0, 0, 0, 0, 0, 0.745098, 0.439216, 0.098039, 0, 0, 0, 0.572549, 0.988235, 0.988235,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.988235, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.2, 0.933333, 0.992157,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.941176, 0.247059, 0, 0, 0, 0, 0, 0, 0.188235, 0.898039, 0.992157,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.992157, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.039216, 0.639216, 0.933333,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.988235, 0.913725, 0.278431, 0, 0, 0, 0, 0, 0, 0, 0.113725, 0.843137,
0, 0, 0, 0, 0, 0, 0]]] 0.988235, 0.988235, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.235294, 0.988235,
0.992157, 0.988235, 0.815686, 0.07451, 0, 0, 0, 0, 0, 0, 0, 0.333333,
0.988235, 0.988235, 0.552941, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.211765,
0.878431, 0.988235, 0.992157, 0.701961, 0.329412, 0.109804, 0, 0, 0, 0, 0,
0, 0, 0.698039, 0.988235, 0.913725, 0.145098, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.188235, 0.890196, 0.988235, 0.988235, 0.745098, 0.047059, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0.882353, 0.988235, 0.568627, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.2,
0.933333, 0.992157, 0.992157, 0.992157, 0.447059, 0.294118, 0, 0, 0, 0, 0,
0, 0, 0, 0.447059, 0.992157, 0.768627, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0.623529, 0.988235, 0.988235, 0.988235, 0.988235, 0.992157, 0.47451, 0, 0,
0, 0, 0, 0, 0, 0.188235, 0.933333, 0.87451, 0.509804, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0.992157, 0.988235, 0.937255, 0.792157, 0.988235, 0.894118,
0.082353, 0, 0, 0, 0, 0, 0, 0.027451, 0.647059, 0.992157, 0.654902, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0.623529, 0.988235, 0.913725, 0.329412, 0.376471,
0.184314, 0, 0, 0, 0, 0, 0, 0.027451, 0.513725, 0.988235, 0.635294,
0.219608, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.196078, 0.929412, 0.988235,
0.988235, 0.741176, 0.309804, 0, 0, 0, 0, 0, 0, 0.529412, 0.988235,
0.678431, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.223529, 0.992157,
0.992157, 1, 0.992157, 0.992157, 0.992157, 0.992157, 1, 0.992157, 0.992157,
0.882353, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0.023529,
0.478431, 0.654902, 0.658824, 0.952941, 0.988235, 0.988235, 0.988235,
0.992157, 0.988235, 0.729412, 0.278431, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0.196078, 0.647059, 0.764706, 0.764706, 0.768627,
0.580392, 0.047059, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
0, 0, 0, 0, 0, 0, 0
]]]
def main(): def main():
conf = parse_config("./mnist_model/trainer_config.py", "") conf = parse_config("./mnist_model/trainer_config.py", "")
print conf.data_config.load_data_args print conf.data_config.load_data_args
network = swig_paddle.GradientMachine.createFromConfigProto(conf.model_config) network = swig_paddle.GradientMachine.createFromConfigProto(
conf.model_config)
assert isinstance(network, swig_paddle.GradientMachine) # For code hint. assert isinstance(network, swig_paddle.GradientMachine) # For code hint.
network.loadParameters("./mnist_model/") network.loadParameters("./mnist_model/")
converter = DataProviderConverter([dense_vector(784)]) converter = DataProviderConverter([dense_vector(784)])
......
User Guide
==========
.. toctree::
:maxdepth: 1
demo/quick_start/index_en.md
build/index.rst
build/contribute_to_paddle.md
ui/index.md
ui/api/trainer_config_helpers/index.rst
demo/index.md
cluster/index.md
from paddle.trainer_config_helpers import * from paddle.trainer_config_helpers import *
define_py_data_sources2(train_list='train.list', define_py_data_sources2(
train_list='train.list',
test_list='test.list', test_list='test.list',
module='provider', module='provider',
obj='process') obj='process')
...@@ -8,16 +9,21 @@ settings( ...@@ -8,16 +9,21 @@ settings(
batch_size=128, batch_size=128,
learning_rate=1e-3, learning_rate=1e-3,
learning_method=AdamOptimizer(), learning_method=AdamOptimizer(),
regularization=L2Regularization(0.5) regularization=L2Regularization(0.5))
)
img = data_layer(name='pixel', size=28 * 28) img = data_layer(name='pixel', size=28 * 28)
hidden1 = simple_img_conv_pool(input=img, filter_size=3, num_filters=32, pool_size=3, hidden1 = simple_img_conv_pool(
num_channel=1) input=img, filter_size=3, num_filters=32, pool_size=3, num_channel=1)
hidden2 = fc_layer(input=hidden1, size=200, act=TanhActivation(), hidden2 = fc_layer(
input=hidden1,
size=200,
act=TanhActivation(),
layer_attr=ExtraAttr(drop_rate=0.5)) layer_attr=ExtraAttr(drop_rate=0.5))
predict = fc_layer(input=hidden2, size=10, act=SoftmaxActivation()) predict = fc_layer(input=hidden2, size=10, act=SoftmaxActivation())
outputs(classification_cost(input=predict, label=data_layer(name='label', size=10))) outputs(
classification_cost(
input=predict, label=data_layer(
name='label', size=10)))
...@@ -9,7 +9,7 @@ ...@@ -9,7 +9,7 @@
自然语言处理 自然语言处理
'''''''''''' ''''''''''''
* `情感分析 <../../doc/demo/sentiment_analysis/index.html>`_ * `情感分析 <sentiment_analysis/index.html>`_
* `文本生成 <../../doc/demo/text_generation/index.html>`_ * `文本生成 <../../doc/demo/text_generation/index.html>`_
* `词性标注 <../../doc/demo/semantic_role_labeling/index.html>`_ * `词性标注 <../../doc/demo/semantic_role_labeling/index.html>`_
......
情感分析教程
===========================
.. toctree::
:maxdepth: 3
:glob:
Training Locally <sentiment_analysis.md>
\ No newline at end of file
# 情感分析教程
情感分析有许多应用场景。 一个基本的应用场景是区分给定文本的褒贬两极性,给定的文本可以是一个文档、句子、或者是一个小的文本片段。 一个简单的例子如:把用户在购物网站、旅游网站、团购网站(亚马逊、天猫、淘宝等)上发表的评论分成正面评论和负面评论两类。
情感分析也常用于基于大量评论和个人博客来监控社会媒体。 例如,研究人员分析了几个关于消费者信心和政治观点的调查,结果发现它们与同时期的Twitter消息中的情绪词频率相关 [1]。 另一个例子是通过分析每日Twitter博客的文本内容来预测股票变动 [2]。
另一方面,抓取产品的用户评论并分析他们的情感,有助于理解用户对不同公司,不同产品,甚至不同竞争对手产品的偏好。
本教程将指导您完成长期短期记忆(LSTM)网络的训练过程,以分类来自[大型电影评论数据集](http://ai.stanford.edu/~amaas/data/sentiment/)(有时称为[互联网电影数据库 (IMDB)](http://ai.stanford.edu/~amaas/papers/wvSent_acl2011.pdf))的句子的情感 。 此数据集包含电影评论及其相关联的类别标签,即正面和负面。
## 数椐准备
### IMDB 数椐介绍
训练模型之前, 我们需要预处理数椐并构建一个字典。 首先, 你可以使用下面的脚本下载 IMDB 数椐集和[Moses](http://www.statmt.org/moses/)工具, 这是一个基于统计的机器翻译系统. 我们提供了一个数据预处理脚本,它不仅能够处理IMDB数据,还能处理其他用户自定义的数据。 为了使用提前编写的脚本,需要将标记的训练和测试样本移动到另一个路径,这已经在`get_imdb.sh`中完成。
```
cd demo/sentiment/data
./get_imdb.sh
```
如果数椐获取成功,你将在目录```./demo/sentiment/data```中看到下面的文件:
```
aclImdb get_imdb.sh imdb mosesdecoder-master
```
* aclImdb: 从外部网站上下载的原始数椐集。
* imdb: 仅包含训练和测试数椐集。
* mosesdecoder-master: Moses 工具。
IMDB数据集包含25,000个已标注过的高极性电影评论用于训练,25,000个用于测试。负面的评论的得分小于等于4,正面的评论的得大于等于7,总评分10分。 运行完脚本 `./get_imdb.sh`后, 我们可以看到在目录 `aclImdb`中的数椐集的结构如下:
```
imdbEr.txt imdb.vocab README test train
```
* train: 训练数椐集。
* test : 测试数椐集。
* imdb.vocab: 字典文件。
* imdbEr.txt: 字典imdb.vocab中每个切分单词的预期评级。
* README: 数椐说明文档。
测试集和训练集目录包含下面的文件:
```
labeledBow.feat neg pos unsup unsupBow.feat urls_neg.txt urls_pos.txt urls_unsup.txt
```
* pos: 正面评价样本,包含12,500个txt文件,每个文件是一个电影评论。
* neg: 负面评价样本,包含12,500个txt文件,每个文件是一个电影评论。
* unsup: 未标记的评价样本,包含50,000个txt文件。
* urls_xx.txt: 每个评论的网址。
* xxBow.feat: 用于统计词频的Bow模型特征。
### IMDB 数椐准备
在这个例子中,我们只使用已经标注过的训练集和测试集,且默认在训练集上构建字典,而不使用IMDB数椐集中的imdb.vocab做为字典。训练集已经做了随机打乱排序而测试集没有。 Moses 工具中的脚本`tokenizer.perl` 用于切分单单词和标点符号。执行下面的命令就可以预处理数椐。
```
cd demo/sentiment/
./preprocess.sh
```
preprocess.sh:
```
data_dir="./data/imdb"
python preprocess.py -i data_dir
```
* data_dir: 输入数椐所在目录。
* preprocess.py: 预处理脚本。
运行成功后目录`demo/sentiment/data/pre-imdb` 结构如下:
```
dict.txt labels.list test.list test_part_000 train.list train_part_000
```
* test\_part\_000 and train\_part\_000: 所有标记的测试集和训练集, 训练集已经随机打乱。
* train.list and test.list: 训练集和测试集文件列表。
* dict.txt: 利用训练集生成的字典。
* labels.txt: neg 0, pos 1, 含义:标签0表示负面的评论,标签1表示正面的评论。
### 用户自定义数椐预处理
如果你执行其它的用情感分析来分类文本的任务,可以按如下的结构来准备数椐. 我们提供了脚本来构建字典和预处理数椐。所以你只用按下面的结构来组织数椐就行了。
```
dataset
|----train
| |----class1
| | |----text_files
| |----class2
| | |----text_files
| | ...
|----test
| |----class1
| | |----text_files
| |----class2
| | |----text_files
| | ...
```
* dataset: 一级目录。
* train, test: 二级目录。
* class1,class2,...: 三级目录。
* text_files: 文本格式的实例文件。
所有同目录下的文本实例文件都是同级别的。 每个文本文件包含一个或者多个实例,每一行表示一个实例。 为了充分的随机打乱训练集, 在预处理含有多行数椐的文本文件时参数设置稍有不同, 执行`preprocess.sh`脚本时需要加上`-m True`参数。 tokenizer.perl 默认用来切分单记和标点符号,如果你不需要这个操作,在运行`preprocess.sh`时加上`-t False`参数即可。
## 训练模型
在这步任务中,我们使用了循环神经网络(RNN)的 LSTM 架构来训练情感分析模型。 引入LSTM模型主要是为了克服消失梯度的问题。 LSTM网络类似于具有隐藏层的标准循环神经网络, 但是隐藏层中的每个普通节点被一个记忆单元替换。 每个记忆单元包含四个主要的元素: 输入门, 具有自循环连接的神经元,忘记门和输出门。 更多的细节可以在文献中找到[4]。 LSTM架构的最大优点是它可以在长时间间隔内记忆信息,而没有短时记忆的损失。在有新的单词来临的每一个时间步骤内,存储在记忆单元区块的历史信息被更新用来迭代的学习单词以合理的序列程现。
<center>![LSTM](../../../doc/demo/sentiment_analysis/lstm.png)</center>
<center>图表 1. LSTM [3]</center>
情感分析是自然语言理解中最典型的问题之一。 它的目的是预测在一个序列中表达的情感态度。 通常, ,仅仅是一些关键词,如形容词和副词,在预测序列或段落的情感中起主要作用。然而有些评论上下文非常长,例如 IMDB的数椐集。 我们只所以使用LSTM来执行这个任务是因为其改进的设计并且具有门机制。 首先,它能够从词级到具有可变上下文长度的上下文级别来总结表示。 第二,它可以在句子级别利用可扩展的上下文, 而大多数方法只是利用n-gram级别的知识。第三,它直接学习段落表示,而不是组合上下文级别信息。
在本演示中,我们提供两个网络,即双向LSTM和三层堆叠LSTM。
#### 双向LSTM
图2是双向LSTM网络,后面连全连接层和softmax层。
<center>![BiLSTM](../../../doc/demo/sentiment_analysis/bi_lstm.jpg)</center>
<center>图 2. Bidirectional-LSTM </center>
#### Stacked-LSTM
图3是三层LSTM结构。图的底部是word embedding(对文档处理后形成的单词向量)。 接下来,连接三个LSTM隐藏层,并且第二个是反向LSTM。然后提取隐藏LSTM层的所有时间步长的最大词向量作为整个序列的表示。 最后,使用具有softmax激活的全连接前馈层来执行分类任务。 更多内容可查看参考文献 [5]。
<center>![StackedLSTM](../../../doc/demo/sentiment_analysis/stacked_lstm.jpg)</center>
<center>图 3. Stacked-LSTM for sentiment analysis </center>
**配置**
进入`demo/sentiment` 目录 , `trainer_config.py` 是一个配置文件的例子, 其中包含算法和网络配置。第一行从`sentiment_net.py`中导出预定义的网络。
trainer_config.py:
```python
from sentiment_net import *
data_dir = "./data/pre-imdb"
# whether this config is used for test
is_test = get_config_arg('is_test', bool, False)
# whether this config is used for prediction
is_predict = get_config_arg('is_predict', bool, False)
dict_dim, class_dim = sentiment_data(data_dir, is_test, is_predict)
################## Algorithm Config #####################
settings(
batch_size=128,
learning_rate=2e-3,
learning_method=AdamOptimizer(),
regularization=L2Regularization(8e-4),
gradient_clipping_threshold=25
)
#################### Network Config ######################
stacked_lstm_net(dict_dim, class_dim=class_dim,
stacked_num=3, is_predict=is_predict)
#bidirectional_lstm_net(dict_dim, class_dim=class_dim, is_predict=is_predict)
```
* **数椐定义**:
* get\_config\_arg(): 获取通过 `--config_args=xx` 设置的命令行参数。
* 定义训练数椐和测试数椐提供者, 这里使用了PaddlePaddle的Python接口来加载数椐。想了解更多细节可以参考PyDataProvider部分的文档
* **算法配置**:
* 使用随机梯度下降(sgd)算法。
* 使用 adam 优化。
* 设置batch size大小为128。
* 设置平均sgd窗口。
* 设置全局学习率。
* **网络配置**:
* dict_dim: 获取字典维度。
* class_dim: 设置类别数,IMDB有两个标签,即正面评价标签和负面评价标签。
* `stacked_lstm_net`: 预定义网络如图3所示,默认情况下使用此网络
* `bidirectional_lstm_net`: 预定义网络,如图2所示。
**训练**
首先安装PaddlePaddle。 然后使用下面的脚本 `train.sh` 来开启本地的训练。
```
cd demo/sentiment/
./train.sh
```
train.sh:
```
config=trainer_config.py
output=./model_output
paddle train --config=$config \
--save_dir=$output \
--job=train \
--use_gpu=false \
--trainer_count=4 \
--num_passes=10 \
--log_period=20 \
--dot_period=20 \
--show_parameter_stats_period=100 \
--test_all_data_in_one_period=1 \
2>&1 | tee 'train.log'
```
* \--config=$config: 设置网络配置。
* \--save\_dir=$output: 设置输出路径以保存训练完成的模型。
* \--job=train: 设置工作模式为训练。
* \--use\_gpu=false: 使用CPU训练,如果你安装GPU版本的PaddlePaddle,并想使用GPU来训练设置为true。
* \--trainer\_count=4:设置线程数(或GPU个数)。
* \--num\_passes=15: 设置pass,PaddlePaddle中的一个pass意味着对数据集中的所有样本进行一次训练。
* \--log\_period=20: 每20个batch打印一次日志。
* \--show\_parameter\_stats\_period=100: 每100个batch打印一次统计信息。
* \--test\_all_data\_in\_one\_period=1: 每次测试都测试所有数据。
如果运行成功,输出日志保存在路径 `demo/sentiment/train.log`中,模型保存在目录`demo/sentiment/model_output/`中。 输出日志说明如下:
```
Batch=20 samples=2560 AvgCost=0.681644 CurrentCost=0.681644 Eval: classification_error_evaluator=0.36875 CurrentEval: classification_error_evaluator=0.36875
...
Pass=0 Batch=196 samples=25000 AvgCost=0.418964 Eval: classification_error_evaluator=0.1922
Test samples=24999 cost=0.39297 Eval: classification_error_evaluator=0.149406
```
- Batch=xx: 表示训练了xx个Batch。
- samples=xx: 表示训练了xx个样本。。
- AvgCost=xx: 从第0个batch到当前batch的平均损失。
- CurrentCost=xx: 最新log_period个batch处理的当前损失。
- Eval: classification\_error\_evaluator=xx: 表示第0个batch到当前batch的分类错误。
- CurrentEval: classification\_error\_evaluator: 最新log_period个batch的分类错误。
- Pass=0: 通过所有训练集一次称为一遍。 0表示第一次经过训练集。
默认情况下,我们使用`stacked_lstm_net`网络,当传递相同的样本数时,它的收敛速度比`bidirectional_lstm_net`快。如果要使用双向LSTM,只需删除最后一行中的注释并把“stacked_lstm_net”注释掉。
## 测试模型
测试模型是指使用训练出的模型评估已标记的验证集。
```
cd demo/sentiment
./test.sh
```
test.sh:
```bash
function get_best_pass() {
cat $1 | grep -Pzo 'Test .*\n.*pass-.*' | \
sed -r 'N;s/Test.* error=([0-9]+\.[0-9]+).*\n.*pass-([0-9]+)/\1 \2/g' | \
sort | head -n 1
}
log=train.log
LOG=`get_best_pass $log`
LOG=(${LOG})
evaluate_pass="model_output/pass-${LOG[1]}"
echo 'evaluating from pass '$evaluate_pass
model_list=./model.list
touch $model_list | echo $evaluate_pass > $model_list
net_conf=trainer_config.py
paddle train --config=$net_conf \
--model_list=$model_list \
--job=test \
--use_gpu=false \
--trainer_count=4 \
--config_args=is_test=1 \
2>&1 | tee 'test.log'
```
函数`get_best_pass`依据分类错误率获得最佳模型进行测试。 在本示例中,我们默认使用IMDB的测试数据集作为验证。 与训练不同,它需要在这里指定`--job = test`和模型路径,即`--model_list = $model_list`。如果运行成功,日志将保存在“demo / sentiment / test.log”的路径中。例如,在我们的测试中,最好的模型是`model_output / pass-00002`,分类误差是0.115645,如下:
```
Pass=0 samples=24999 AvgCost=0.280471 Eval: classification_error_evaluator=0.115645
```
## 预测
`predict.py`脚本提供了一个预测接口。在使用它之前请安装PaddlePaddle的python api。 预测IMDB的未标记评论的一个实例如下:
```
cd demo/sentiment
./predict.sh
```
predict.sh:
```
#Note the default model is pass-00002, you shold make sure the model path
#exists or change the mode path.
model=model_output/pass-00002/
config=trainer_config.py
label=data/pre-imdb/labels.list
python predict.py \
-n $config\
-w $model \
-b $label \
-d data/pre-imdb/dict.txt \
-i data/aclImdb/test/pos/10007_10.txt
```
* `predict.py`: 预测接口脚本。
* -n $config : 设置网络配置。
* -w $model: 设置模型路径。
* -b $label: 设置标签类别字典,这个字典是整数标签和字符串标签的一个对应。
* -d data/pre-imdb/dict.txt: 设置字典文件。
* -i data/aclImdb/test/pos/10014_7.txt: 设置一个要预测的示例文件。
注意应该确保默认模型路径`model_output / pass-00002`存在或更改为其它模型路径。
本示例的预测结果:
```
Loading parameters from model_output/pass-00002/
./data/aclImdb/test/pos/10014_7.txt: predicting label is pos
```
我们真诚地感谢您的关注,并欢迎您来参与贡献。
## 参考文档
[1] Brendan O'Connor, Ramnath Balasubramanyan, Bryan R. Routledge, and Noah A. Smith. 2010. [From Tweets to Polls: Linking Text Sentiment to Public Opinion Time Series](http://homes.cs.washington.edu/~nasmith/papers/oconnor+balasubramanyan+routledge+smith.icwsm10.pdf). In ICWSM-2010. <br>
[2] Johan Bollen, Huina Mao, Xiaojun Zeng. 2011. [Twitter mood predicts the stock market](http://arxiv.org/abs/1010.3003), Journal of Computational Science.<br>
[3] Alex Graves, Marcus Liwicki, Santiago Fernan- dez, Roman Bertolami, Horst Bunke, and Ju ̈rgen Schmidhuber. 2009. [A novel connectionist system for unconstrained handwriting recognition. IEEE Transactions on Pattern Analysis and Machine In- telligence](http://www.cs.toronto.edu/~graves/tpami_2009.pdf), 31(5):855–868.<br>
[4] Zachary C. Lipton, [A Critical Review of Recurrent Neural Networks for Sequence Learning](http://arxiv.org/abs/1506.00019v1), arXiv:1506.00019. <br>
[5] Jie Zhou and Wei Xu; [End-to-end Learning of Semantic Role Labeling Using Recurrent Neural Networks](http://www.aclweb.org/anthology/P/P15/P15-1109.pdf); ACL-IJCNLP 2015. <br>
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
此差异已折叠。
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册