sqlnet.py 18 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419
  1. import torch
  2. import torch.nn as nn
  3. import torch.nn.functional as F
  4. from torch.autograd import Variable
  5. import numpy as np
  6. from sqlnet.model.modules.word_embedding import WordEmbedding
  7. from sqlnet.model.modules.aggregator_predict import AggPredictor
  8. from sqlnet.model.modules.selection_predict import SelPredictor
  9. from sqlnet.model.modules.sqlnet_condition_predict import SQLNetCondPredictor
  10. from sqlnet.model.modules.select_number import SelNumPredictor
  11. from sqlnet.model.modules.where_relation import WhereRelationPredictor
  12. # 定义SQLNet模型
  13. class SQLNet(nn.Module):
  14. def __init__(self, word_emb, N_word, N_h=100, N_depth=2,
  15. gpu=False, use_ca=True, trainable_emb=False):
  16. super(SQLNet, self).__init__()
  17. self.use_ca = use_ca
  18. self.trainable_emb = trainable_emb
  19. self.gpu = gpu
  20. self.N_h = N_h
  21. self.N_depth = N_depth
  22. self.max_col_num = 45
  23. self.max_tok_num = 200
  24. self.SQL_TOK = ['<UNK>', '<END>', 'WHERE', 'AND', 'OR', '==', '>', '<', '!=', '<BEG>']
  25. self.COND_OPS = ['>', '<', '==', '!=']
  26. # Word embedding
  27. self.embed_layer = WordEmbedding(word_emb, N_word, gpu, self.SQL_TOK, our_model=True, trainable=trainable_emb)
  28. # Predict the number of selected columns
  29. self.sel_num = SelNumPredictor(N_word, N_h, N_depth, use_ca=use_ca)
  30. #Predict which columns are selected
  31. self.sel_pred = SelPredictor(N_word, N_h, N_depth, self.max_tok_num, use_ca=use_ca)
  32. #Predict aggregation functions of corresponding selected columns
  33. self.agg_pred = AggPredictor(N_word, N_h, N_depth, use_ca=use_ca)
  34. #Predict number of conditions, condition columns, condition operations and condition values
  35. self.cond_pred = SQLNetCondPredictor(N_word, N_h, N_depth, self.max_col_num, self.max_tok_num, use_ca, gpu)
  36. # Predict condition relationship, like 'and', 'or'
  37. self.where_rela_pred = WhereRelationPredictor(N_word, N_h, N_depth, use_ca=use_ca)
  38. self.CE = nn.CrossEntropyLoss()
  39. self.softmax = nn.Softmax(dim=-1)
  40. self.log_softmax = nn.LogSoftmax()
  41. self.bce_logit = nn.BCEWithLogitsLoss()
  42. if gpu:
  43. self.cuda()
  44. def generate_gt_where_seq_test(self, q, gt_cond_seq):
  45. ret_seq = []
  46. for cur_q, ans in zip(q, gt_cond_seq):
  47. temp_q = u"".join(cur_q)
  48. cur_q = [u'<BEG>'] + cur_q + [u'<END>']
  49. record = []
  50. record_cond = []
  51. for cond in ans:
  52. if cond[2] not in temp_q:
  53. record.append((False, cond[2]))
  54. else:
  55. record.append((True, cond[2]))
  56. for idx, item in enumerate(record):
  57. temp_ret_seq = []
  58. if item[0]:
  59. temp_ret_seq.append(0)
  60. temp_ret_seq.extend(list(range(temp_q.index(item[1])+1,temp_q.index(item[1])+len(item[1])+1)))
  61. temp_ret_seq.append(len(cur_q)-1)
  62. else:
  63. temp_ret_seq.append([0,len(cur_q)-1])
  64. record_cond.append(temp_ret_seq)
  65. ret_seq.append(record_cond)
  66. return ret_seq
  67. def forward(self, q, col, col_num, gt_where = None, gt_cond=None, reinforce=False, gt_sel=None, gt_sel_num=None):
  68. B = len(q)
  69. sel_num_score = None
  70. agg_score = None
  71. sel_score = None
  72. cond_score = None
  73. #Predict aggregator
  74. if self.trainable_emb:
  75. x_emb_var, x_len = self.agg_embed_layer.gen_x_batch(q, col)
  76. col_inp_var, col_name_len, col_len = self.agg_embed_layer.gen_col_batch(col)
  77. max_x_len = max(x_len)
  78. agg_score = self.agg_pred(x_emb_var, x_len, col_inp_var,
  79. col_name_len, col_len, col_num, gt_sel=gt_sel)
  80. x_emb_var, x_len = self.sel_embed_layer.gen_x_batch(q, col)
  81. col_inp_var, col_name_len, col_len = self.sel_embed_layer.gen_col_batch(col)
  82. max_x_len = max(x_len)
  83. sel_score = self.sel_pred(x_emb_var, x_len, col_inp_var,
  84. col_name_len, col_len, col_num)
  85. x_emb_var, x_len = self.cond_embed_layer.gen_x_batch(q, col)
  86. col_inp_var, col_name_len, col_len = self.cond_embed_layer.gen_col_batch(col)
  87. max_x_len = max(x_len)
  88. cond_score = self.cond_pred(x_emb_var, x_len, col_inp_var, col_name_len, col_len, col_num, gt_where, gt_cond, reinforce=reinforce)
  89. where_rela_score = None
  90. else:
  91. x_emb_var, x_len = self.embed_layer.gen_x_batch(q, col)
  92. col_inp_var, col_name_len, col_len = self.embed_layer.gen_col_batch(col)
  93. sel_num_score = self.sel_num(x_emb_var, x_len, col_inp_var, col_name_len, col_len, col_num)
  94. # x_emb_var: embedding of each question
  95. # x_len: length of each question
  96. # col_inp_var: embedding of each header
  97. # col_name_len: length of each header
  98. # col_len: number of headers in each table, array type
  99. # col_num: number of headers in each table, list type
  100. if gt_sel_num:
  101. pr_sel_num = gt_sel_num
  102. else:
  103. pr_sel_num = np.argmax(sel_num_score.data.cpu().numpy(), axis=1)
  104. sel_score = self.sel_pred(x_emb_var, x_len, col_inp_var, col_name_len, col_len, col_num)
  105. if gt_sel:
  106. pr_sel = gt_sel
  107. else:
  108. num = np.argmax(sel_num_score.data.cpu().numpy(), axis=1)
  109. sel = sel_score.data.cpu().numpy()
  110. pr_sel = [list(np.argsort(-sel[b])[:num[b]]) for b in range(len(num))]
  111. agg_score = self.agg_pred(x_emb_var, x_len, col_inp_var, col_name_len, col_len, col_num, gt_sel=pr_sel, gt_sel_num=pr_sel_num)
  112. where_rela_score = self.where_rela_pred(x_emb_var, x_len, col_inp_var, col_name_len, col_len, col_num)
  113. cond_score = self.cond_pred(x_emb_var, x_len, col_inp_var, col_name_len, col_len, col_num, gt_where, gt_cond, reinforce=reinforce)
  114. return (sel_num_score, sel_score, agg_score, cond_score, where_rela_score)
  115. def loss(self, score, truth_num, gt_where):
  116. sel_num_score, sel_score, agg_score, cond_score, where_rela_score = score
  117. B = len(truth_num)
  118. loss = 0
  119. # Evaluate select number
  120. # sel_num_truth = map(lambda x:x[0], truth_num)
  121. sel_num_truth = [x[0] for x in truth_num]
  122. sel_num_truth = torch.from_numpy(np.array(sel_num_truth))
  123. if self.gpu:
  124. sel_num_truth = Variable(sel_num_truth.cuda())
  125. else:
  126. sel_num_truth = Variable(sel_num_truth)
  127. loss += self.CE(sel_num_score, sel_num_truth)
  128. # Evaluate select column
  129. T = len(sel_score[0])
  130. truth_prob = np.zeros((B,T), dtype=np.float32)
  131. for b in range(B):
  132. truth_prob[b][list(truth_num[b][1])] = 1
  133. data = torch.from_numpy(truth_prob)
  134. if self.gpu:
  135. sel_col_truth_var = Variable(data.cuda())
  136. else:
  137. sel_col_truth_var = Variable(data)
  138. sigm = nn.Sigmoid()
  139. sel_col_prob = sigm(sel_score)
  140. bce_loss = -torch.mean(
  141. 3*(sel_col_truth_var * torch.log(sel_col_prob+1e-10)) +
  142. (1-sel_col_truth_var) * torch.log(1-sel_col_prob+1e-10)
  143. )
  144. loss += bce_loss
  145. # Evaluate select aggregation
  146. for b in range(len(truth_num)):
  147. data = torch.from_numpy(np.array(truth_num[b][2]))
  148. if self.gpu:
  149. sel_agg_truth_var = Variable(data.cuda())
  150. else:
  151. sel_agg_truth_var = Variable(data)
  152. sel_agg_pred = agg_score[b, :len(truth_num[b][1])]
  153. loss += (self.CE(sel_agg_pred, sel_agg_truth_var)) / len(truth_num)
  154. cond_num_score, cond_col_score, cond_op_score, cond_str_score = cond_score
  155. # Evaluate the number of conditions
  156. # cond_num_truth = map(lambda x:x[3], truth_num)
  157. cond_num_truth = [x[3] for x in truth_num]
  158. data = torch.from_numpy(np.array(cond_num_truth))
  159. if self.gpu:
  160. try:
  161. cond_num_truth_var = Variable(data.cuda())
  162. except:
  163. print ("cond_num_truth_var error")
  164. print (data)
  165. exit(0)
  166. else:
  167. cond_num_truth_var = Variable(data)
  168. loss += self.CE(cond_num_score, cond_num_truth_var)
  169. # Evaluate the columns of conditions
  170. T = len(cond_col_score[0])
  171. truth_prob = np.zeros((B, T), dtype=np.float32)
  172. for b in range(B):
  173. if len(truth_num[b][4]) > 0:
  174. truth_prob[b][list(truth_num[b][4])] = 1
  175. data = torch.from_numpy(truth_prob)
  176. if self.gpu:
  177. cond_col_truth_var = Variable(data.cuda())
  178. else:
  179. cond_col_truth_var = Variable(data)
  180. sigm = nn.Sigmoid()
  181. cond_col_prob = sigm(cond_col_score)
  182. bce_loss = -torch.mean(
  183. 3*(cond_col_truth_var * torch.log(cond_col_prob+1e-10)) +
  184. (1-cond_col_truth_var) * torch.log(1-cond_col_prob+1e-10) )
  185. loss += bce_loss
  186. # Evaluate the operator of conditions
  187. for b in range(len(truth_num)):
  188. if len(truth_num[b][5]) == 0:
  189. continue
  190. data = torch.from_numpy(np.array(truth_num[b][5]))
  191. if self.gpu:
  192. cond_op_truth_var = Variable(data.cuda())
  193. else:
  194. cond_op_truth_var = Variable(data)
  195. cond_op_pred = cond_op_score[b, :len(truth_num[b][5])]
  196. try:
  197. loss += (self.CE(cond_op_pred, cond_op_truth_var) / len(truth_num))
  198. except:
  199. print (cond_op_pred)
  200. print (cond_op_truth_var)
  201. exit(0)
  202. #Evaluate the strings of conditions
  203. for b in range(len(gt_where)):
  204. for idx in range(len(gt_where[b])):
  205. cond_str_truth = gt_where[b][idx]
  206. if len(cond_str_truth) == 1:
  207. continue
  208. data = torch.from_numpy(np.array(cond_str_truth[1:]))
  209. if self.gpu:
  210. cond_str_truth_var = Variable(data.cuda())
  211. else:
  212. cond_str_truth_var = Variable(data)
  213. str_end = len(cond_str_truth)-1
  214. cond_str_pred = cond_str_score[b, idx, :str_end]
  215. loss += (self.CE(cond_str_pred, cond_str_truth_var) \
  216. / (len(gt_where) * len(gt_where[b])))
  217. # Evaluate condition relationship, and / or
  218. # where_rela_truth = map(lambda x:x[6], truth_num)
  219. where_rela_truth = [x[6] for x in truth_num]
  220. data = torch.from_numpy(np.array(where_rela_truth))
  221. if self.gpu:
  222. try:
  223. where_rela_truth = Variable(data.cuda())
  224. except:
  225. print ("where_rela_truth error")
  226. print (data)
  227. exit(0)
  228. else:
  229. where_rela_truth = Variable(data)
  230. loss += self.CE(where_rela_score, where_rela_truth)
  231. return loss
  232. def check_acc(self, vis_info, pred_queries, gt_queries):
  233. def gen_cond_str(conds, header):
  234. if len(conds) == 0:
  235. return 'None'
  236. cond_str = []
  237. for cond in conds:
  238. cond_str.append(header[cond[0]] + ' ' +
  239. self.COND_OPS[cond[1]] + ' ' + unicode(cond[2]).lower())
  240. return 'WHERE ' + ' AND '.join(cond_str)
  241. tot_err = sel_num_err = agg_err = sel_err = 0.0
  242. cond_num_err = cond_col_err = cond_op_err = cond_val_err = cond_rela_err = 0.0
  243. for b, (pred_qry, gt_qry) in enumerate(zip(pred_queries, gt_queries)):
  244. good = True
  245. sel_pred, agg_pred, where_rela_pred = pred_qry['sel'], pred_qry['agg'], pred_qry['cond_conn_op']
  246. sel_gt, agg_gt, where_rela_gt = gt_qry['sel'], gt_qry['agg'], gt_qry['cond_conn_op']
  247. if where_rela_gt != where_rela_pred:
  248. good = False
  249. cond_rela_err += 1
  250. if len(sel_pred) != len(sel_gt):
  251. good = False
  252. sel_num_err += 1
  253. pred_sel_dict = {k:v for k,v in zip(list(sel_pred), list(agg_pred))}
  254. gt_sel_dict = {k:v for k,v in zip(sel_gt, agg_gt)}
  255. if set(sel_pred) != set(sel_gt):
  256. good = False
  257. sel_err += 1
  258. agg_pred = [pred_sel_dict[x] for x in sorted(pred_sel_dict.keys())]
  259. agg_gt = [gt_sel_dict[x] for x in sorted(gt_sel_dict.keys())]
  260. if agg_pred != agg_gt:
  261. good = False
  262. agg_err += 1
  263. cond_pred = pred_qry['conds']
  264. cond_gt = gt_qry['conds']
  265. if len(cond_pred) != len(cond_gt):
  266. good = False
  267. cond_num_err += 1
  268. else:
  269. cond_op_pred, cond_op_gt = {}, {}
  270. cond_val_pred, cond_val_gt = {}, {}
  271. for p, g in zip(cond_pred, cond_gt):
  272. cond_op_pred[p[0]] = p[1]
  273. cond_val_pred[p[0]] = p[2]
  274. cond_op_gt[g[0]] = g[1]
  275. cond_val_gt[g[0]] = g[2]
  276. if set(cond_op_pred.keys()) != set(cond_op_gt.keys()):
  277. cond_col_err += 1
  278. good=False
  279. where_op_pred = [cond_op_pred[x] for x in sorted(cond_op_pred.keys())]
  280. where_op_gt = [cond_op_gt[x] for x in sorted(cond_op_gt.keys())]
  281. if where_op_pred != where_op_gt:
  282. cond_op_err += 1
  283. good=False
  284. where_val_pred = [cond_val_pred[x] for x in sorted(cond_val_pred.keys())]
  285. where_val_gt = [cond_val_gt[x] for x in sorted(cond_val_gt.keys())]
  286. if where_val_pred != where_val_gt:
  287. cond_val_err += 1
  288. good=False
  289. if not good:
  290. tot_err += 1
  291. return np.array((sel_num_err, sel_err, agg_err, cond_num_err, cond_col_err, cond_op_err, cond_val_err , cond_rela_err)), tot_err
  292. def gen_query(self, score, q, col, raw_q, reinforce=False, verbose=False):
  293. """
  294. :param score:
  295. :param q: token-questions
  296. :param col: token-headers
  297. :param raw_q: original question sequence
  298. :return:
  299. """
  300. def merge_tokens(tok_list, raw_tok_str):
  301. tok_str = raw_tok_str# .lower()
  302. alphabet = 'abcdefghijklmnopqrstuvwxyz0123456789$('
  303. special = {'-LRB-':'(',
  304. '-RRB-':')',
  305. '-LSB-':'[',
  306. '-RSB-':']',
  307. '``':'"',
  308. '\'\'':'"',
  309. '--':u'\u2013'}
  310. ret = ''
  311. double_quote_appear = 0
  312. for raw_tok in tok_list:
  313. if not raw_tok:
  314. continue
  315. tok = special.get(raw_tok, raw_tok)
  316. if tok == '"':
  317. double_quote_appear = 1 - double_quote_appear
  318. if len(ret) == 0:
  319. pass
  320. elif len(ret) > 0 and ret + ' ' + tok in tok_str:
  321. ret = ret + ' '
  322. elif len(ret) > 0 and ret + tok in tok_str:
  323. pass
  324. elif tok == '"':
  325. if double_quote_appear:
  326. ret = ret + ' '
  327. # elif tok[0] not in alphabet:
  328. # pass
  329. elif (ret[-1] not in ['(', '/', u'\u2013', '#', '$', '&']) \
  330. and (ret[-1] != '"' or not double_quote_appear):
  331. ret = ret + ' '
  332. ret = ret + tok
  333. return ret.strip()
  334. sel_num_score, sel_score, agg_score, cond_score, where_rela_score = score
  335. # [64,4,6], [64,14], ..., [64,4]
  336. sel_num_score = sel_num_score.data.cpu().numpy()
  337. sel_score = sel_score.data.cpu().numpy()
  338. agg_score = agg_score.data.cpu().numpy()
  339. where_rela_score = where_rela_score.data.cpu().numpy()
  340. ret_queries = []
  341. B = len(agg_score)
  342. cond_num_score,cond_col_score,cond_op_score,cond_str_score =\
  343. [x.data.cpu().numpy() for x in cond_score]
  344. for b in range(B):
  345. cur_query = {}
  346. cur_query['sel'] = []
  347. cur_query['agg'] = []
  348. sel_num = np.argmax(sel_num_score[b])
  349. max_col_idxes = np.argsort(-sel_score[b])[:sel_num]
  350. # find the most-probable columns' indexes
  351. max_agg_idxes = np.argsort(-agg_score[b])[:sel_num]
  352. cur_query['sel'].extend([int(i) for i in max_col_idxes])
  353. cur_query['agg'].extend([i[0] for i in max_agg_idxes])
  354. cur_query['cond_conn_op'] = np.argmax(where_rela_score[b])
  355. cur_query['conds'] = []
  356. cond_num = np.argmax(cond_num_score[b])
  357. all_toks = ['<BEG>'] + q[b] + ['<END>']
  358. max_idxes = np.argsort(-cond_col_score[b])[:cond_num]
  359. for idx in range(cond_num):
  360. cur_cond = []
  361. cur_cond.append(max_idxes[idx]) # where-col
  362. cur_cond.append(np.argmax(cond_op_score[b][idx])) # where-op
  363. cur_cond_str_toks = []
  364. for str_score in cond_str_score[b][idx]:
  365. str_tok = np.argmax(str_score[:len(all_toks)])
  366. str_val = all_toks[str_tok]
  367. if str_val == '<END>':
  368. break
  369. cur_cond_str_toks.append(str_val)
  370. cur_cond.append(merge_tokens(cur_cond_str_toks, raw_q[b]))
  371. cur_query['conds'].append(cur_cond)
  372. ret_queries.append(cur_query)
  373. return ret_queries