├── README.md ├── atae.py ├── av.py ├── cnnatt.py ├── dataset ├── Laptops_Test_Gold.txt ├── Laptops_Train.txt ├── Restaurants_Test_Gold.txt ├── Restaurants_Train.txt └── test.py ├── lstm.py └── lstmattention.py /README.md: -------------------------------------------------------------------------------- 1 | # aspect_sentiment_classification 2 | 3 | ## 定义 4 | aspect-level层级的分类,分为两种,一种是term-target级别,即term存在于文本中;另一种是aspect-category级别,即aspect不存在于文本当中。 5 | 6 | semeval评测会议有相关数据集和任务,大多数论文都使用这些数据集:2014、2015、2016 7 | 8 | ## 发展脉络 9 | 10 | #### lstm、attention、pos 这是最经典的方法。 11 | 12 | 1、Attention-based LSTM for Aspect-level Sentiment Classification 13 | 14 | 最基本的框架,lstm+attention 15 | 16 | 2、Aspect Level Sentiment Classification with Deep Memory Network 17 | 18 | 在lstm+attention,引入多跳机制,同时使用位置信息(自我感觉位置信息很重要) 19 | 20 | 3、Interactive Attention Networks for Aspect-Level Sentiment Classification aaai2017 21 | 22 | 使用交互机制,context-target-attention和target-context-attention。一方取平均值,另一方每个词与这个平均值进行交互。 23 | 24 | 4、Aspect Level Sentiment Classification with Attention-over-Attention Neural Networks 25 | 26 | 同时使用交互机制,但是比3更细一些,每个aspect词都要与context进行交互,得到一个矩阵。 27 | 28 | 5、Learning to Attend via Word-Aspect Associative Fusion for Aspect-based Sentiment Analysis 29 | 30 | 使用了fusion attention机制,待理解。 31 | 32 | 5(1):emnlp2018的新文章 Multi-grained Attention Network for Aspect-Level Sentiment Classification 33 | 34 | 在3的基础上,句子和aspect在单词粒度上进行交互得到一个矩阵,然后再进行加权。其中作者增加的loss是一个可取的想法 35 | 36 | 5(2):Aspect Level Sentiment Classification with Attention-over-Attention Neural Networks 37 | 38 | 文章的方法来自机器阅读的一篇文章,attention-over-attention neural networks for reading comprehension,也是在单词粒度上得到一个矩阵,完全是一个匹配问题。 39 | 40 | 6、Target-Sensitive Memory Networks for Aspect Sentiment Classification 41 | 42 | 更改了句子s的表示方式,多种。 43 | 44 | 7、Content Attention Model for Aspect Based Sentiment Analysis 45 | 46 | 左右分开,在attention中加入整个句子的表示 47 | 48 | #### cnn 用这个网络的文章很少,目前看到了2篇,acl2018上有一篇。其实cnn的应用主要是提取短语、n-gram信息。 49 | 50 | 6、Aspect Based Sentiment Analysis with Gated Convolutional Networks 51 | 52 | attention的方法,但是又略有不同。向量中每一个维度都有一个权重。 53 | 54 | 7、基于多注意力卷积神经网络的特定目标情感分析 55 | 56 | 使用位置、词性、aspect这3种注意力,得到文本的更新表示,然后这3个表示,通过同构或异构的方式送入卷积网络,max-pooling。 57 | 58 | 8、Parameterized Convolutional Neural Networks for Aspect Level sentiment analysis。 emnlp2018 59 | 60 | #### left-right 这个思路也有几篇文章。 61 | 62 | 8、Effective LSTMs for Target-Dependent Sentiment Classification 63 | 64 | 左右两边分布lstm,然后concat 65 | 66 | 9、Gated Neural Networks for Targeted Sentiment Analysis 67 | 68 | 左右两边分别bi-lstm后,然后使用gate进行选择,gate进行选择的时候会用到target信息, 69 | 70 | 10、Attention Modeling for Targeted Sentiment 71 | 72 | 左边,右边,全体分别与aspect进行attention,得到3个表示,然后使用一个gate得到这3个的权重 73 | 74 | 11、 Left-Center-Right Separated Neural Network for Aspect-based Sentiment Analysis with Rotatory Attention 还没有发表 75 | 76 | 对于target的表示,分别用left和right与其交互,所以最好得到4个表示,然后concat 77 | 78 | #### memory network work、多跳机制 79 | 80 | 2、Aspect Level Sentiment Classification with Deep Memory Network 81 | 82 | 12、Recurrent Attention Network on Memory for Aspect Sentiment Analysis 83 | 84 | 在2的基础上改进,attention中target的更新,不是简单的相加,而是使用了一个gru结构来进行更新。 85 | 86 | #### 利用情感词典、词性等信息 位置信息 87 | 88 | 7、基于多注意力卷积神经网络的特定目标情感分析 89 | 90 | 13、Feature-based Compositing Memory Networks for Aspect-based Sentiment Classification in Social Internet of Things 91 | 92 | 每个词有个position向量,sentiment向量,词性POS向量,基本方法是lstm+att+多跳机制。 93 | 94 | 14、Feature-enhanced attention network for target-dependent sentiment classification 95 | 96 | 词向量、sentiment向量、词性,位置position向量,lstm后得到文本向量,情感词向量,target向量,每个以其他两个为依据计算attention,所以得到3个加权之后的向量表示,然后连接。 97 | 98 | 15、Targeted Aspect-Based Sentiment Analysis via Embedding Commonsense Knowledge into an Attentive LSTM 99 | 100 | 16、Implicit Syntactic Features for Targeted Sentiment Analysis 101 | 102 | 隐式表达语法信息 103 | 104 | 17、Recurrent Entity Networks with Delayed Memory Update for Targeted Aspect-based Sentiment Analysis 105 | 106 | entity networks的应用 107 | 108 | 172、Transformation Networks for Target-Oriented Sentiment Classification 109 | 110 | 多跳机制,每次更新每个单词的表示,最后使用cnn提取。 111 | 112 | #### 层次化方法 针对文档级别,分层次 113 | 114 | 18、A Hierarchical Model of Reviews for Aspect-based Sentiment Analysis 115 | 116 | 每个文本由多个review组成,每个review先进行bi-lstm,然后多个review之间再lstm,输入同时包括review相对应的target 117 | 118 | 19、一种用于基于方面情感分析的深度分层网络模型 119 | 120 | 作者在18的基础上进行改进,先cnn再lstm,但是lstm的输入多了一项s,s:文本整体上进行lstm的最后一个结果,但是这个lstm时,hi会和target进行结合再输入到下一个。略微复杂 121 | 122 | 20、Aspect Sentiment Classification with both Word-level and Clause-level Attention Networks ijcai2018 123 | 124 | 这个比较简单,就是先识别出多个clause,每个clause代表一个target的review,然后每个clause应用lstm-att,然后clause之间再应用lstm-att,但是aspect始终是同一个,并没有像18一样每个review有自己的aspect。 125 | 126 | 21、Document-level Multi-aspect Sentiment Classification by Jointly Modeling Users, Aspects, and Overall Ratings 127 | 128 | 引入了user、整体评论打分信息。和22有点像,每个d和一个aspect有一个classier,k个aspect得到k个classier(类似于multi-task)。先是word-level,att的时候有user和aspect信息,然后是sentence-level,得到文本表示后,和整体评分r向量和user向量结合。 129 | 130 | 22、Document-Level Multi-Aspect Sentiment Classification as Machine Comprehension 131 | 132 | 一个文本d有多个aspect,每个d和一个aspect作为输入得到一个classiser,k个aspect得到k个classier。内部有点复杂 133 | 134 | 23、CAN---Constrained Attention Networks for Multi-Aspect Sentiment Analysis 135 | 136 | 这个方法比较好,因为attention分布中确实是存在这2个问题 137 | 138 | 24、“Iarm: Inter-aspect relation modeling with memory networks in aspect-based sentiment analysis, 139 | 140 | 基本思路也是每个文本和aspect进行lstm-attention,然后aspect之间再进行gru,计算方法比25复杂一些 141 | 142 | 25 Modeling Inter-Aspect Dependencies for Aspect-Based Sentiment Analysis 143 | 144 | 基本思路也是每个文本和aspect进行lstm-attention,然后aspect之间再进行lstm 145 | 146 | #### coling2018补充 (这个会议上有好几篇aspect方面的文章),总体上还是lstm+att 147 | 148 | 23、A Position-aware Bidirectional Attention Network for Aspect-level Sentiment Analysis 149 | 150 | 作者想强调位置信息的引入,但是吸引我的是网络架构:先给每个target的每个词得到一个权重,然后target和context进行交互得到一个句子,在target每个词下,文本每个词都有一个相对应的权重,然后加权相加得到该词下的文本表示。最后,target中每个词有一个权重,然后有一个对应的文本表示,加权相加得到最后的文本表示。 151 | 152 | 24、Effective Attention Modeling for Aspect-Level Sentiment Classification 153 | 154 | 作者的意思是单独平均target向量,可能不能很好的捕捉target的语义,于是重新定义了一个矩阵aspect,k*d, k是aspect的个数,得到target的一个重新表示,然后再做lstm+att。 155 | 156 | 25、Enhanced Aspect Level Sentiment Classification with Auxiliary Memory 157 | 158 | 作者提出要同时使用aspect和target两方面的信息,因为一般只有一个,对于只有target信息,初始化一个aspect矩阵,target与aspect进行attention,得到aspect的加权表示,然后这2个表示一起与context进行attention,其实这个思想对于category来说很适用。 159 | 160 | 26、Transformation Networks for Target-Oriented Sentiment Classification 161 | 162 | 作者不断更新文本中每个单词的表示,根据target,最后用一个cnn来进行提取。 163 | 164 | 27、Aspect-level Sentiment Classification with HEAT (HiErarchical ATtention) Network (想法不错) 165 | 166 | 针对category(aspect)方向,第一次attention,找出与aspect相关的word(也就是越相关,权重越大),加权求和后得到category的另一种表示,然后使用这个表示再次进行attention。(其实这里还可以改进一下,就是不知道效果好不好,结合A Position-aware Bidirectional Attention Network for Aspect-level Sentiment Analysis这篇文章) 167 | 168 | 28、CAN: Constrained Attention Networks for Multi-Aspect SentimentAnalysis 169 | 170 | 这篇文章的motivation是这些文章中最吸引我的,针对一个文本中有多个multi-aspect的情况,每个aspect的attention的稀疏的,不同aspect的attention应该是不重叠的,但是在at-lstm中针对multi-aspect情况,attention经常重叠,尤其是不同aspect情况,sentiment情况不同时,往往不能判断出正确的sentiment,经常是所有aspect的sentiment判为同一个,解决了这个问题,准确率可以提高很多。 171 | 172 | 19年bert上有几篇文章 173 | 174 | 29、 175 | 176 | 30、 177 | 178 | ## 结果比较 179 | 180 | Model | semeval2014-laptop | semeval2014-res(t) |semeval2014-res(c)|semeval2015|semeval2016|dong |vo zhang 181 | ------|--------------------|--------------------|------------------|-----------|-----------|------|------ 182 | 1 |--------------------|/ | 84.0 |/ |/ |------|------ 183 | 2 |72.37 |80.95 |/ |/ |/ |------|------ 184 | 3 |72.1 |78.6 |/ |/ |/ |------|------ 185 | 4 |74.5 |81.2 |/ |/ |/ |------|------ 186 | 5 |68.8 |75.44 |81.29 |/ |/ |------|------ 187 | 6 |69.14 |77.28 |79.67 |/ |/ |------|------ 188 | 7 |68.22 |79.17 |/ |/ |/ |------|------ 189 | 8 |/ |/ |/ |/ |/ |71.5 |/ 190 | 9 |/ |/ |/ |/ |/ | |71.96 191 | 10 |/ |/ |/ |/ |/ |73.6 |75 192 | 11 |75.24 |81.34 |/ |/ |/ |------|------ 193 | 12 |74.49 |80.23 |/ |/ |/ |------|------ 194 | 13 |73.94 |82.03 |/ |/ |/ |------|------ 195 | 14 |/ |/ |/ |/ |/ |------|------ 196 | 15 |/ |/ |/ |/ |/ |------|------ 197 | 16 |/ |/ |/ |/ |/ |72.8 |74.3 198 | 23 |74.12 |81.16 |/ |/ |/ |------|------ 199 | 24 |72.57 |80.63 |/ |/ |/ |------|------ 200 | 25 |74.45 |82.32 |86.33 |/ |/ |------|------ 201 | 26 |76.54 |80.79 |86.33 |/ |/ |------|------ 202 | 203 | 204 | ## 我的一些思路 (我觉得从抽象意义上讲还有点道理的) 205 | 206 | 5、近来的发现,可以在这个方向上想想方法 207 | 208 | 文本的数据结构有3种: 209 | 210 | (1)一个文本有一个aspect 211 | 212 | (2)一个文本有多个aspect,且类别相同 213 | 214 | (3)一个文本有多个aspect,且类别不同。 215 | 216 | 针对第(3)种情况,出现的现象是模型往往把所有的aspect判断为同一个类别。在现有方法中,在最后将doc向量和aspect向量拼接然后进行softmax是一个解决方法,还可以想其他的解决方法,加入一些约束等。 217 | 218 | 第2个现象:在之前某篇论文中有提到,aspect的单词数目不同时,准确率也不同,考虑aspect单词数目这个因素的影响。 219 | 220 | 1、针对term-target级别,有一个想法:来自Gated-Attention Readers for Text Comprehension这篇文章,target不更新,而是更新每个词多次,有1篇文章就是这个思路:Transformation Networks for Target-Oriented Sentiment Classification 221 | 在这个更新单词表示上,是否可以做到使用cnn的方法来更新单词呢 222 | 223 | 2、针对category-aspect级别,暂时有一个思路,还在写代码, 224 | 但是效果没有跑出来(是模型的问题还是我的问题) 225 | 226 | 3、考虑多信息(情感词、距离)是我觉得最重要的 227 | 但是怎么把这些信息加入网络中却无法找到自己满意的答案,抽象来讲,一个词越是情感词,距离target越近,则权重应该越大,因此一个想法是 228 | 文本与情感词典形成矩阵,通过相似度计算和softmax的方法,使得文本中的情感词的权重大(凸显出来),同时利用距离使得与target更相关的的情感词凸显出来。 229 | (w*word+w*aspect+w*sentiment_word),可是这样好不好呢? 230 | 231 | 4、 232 | 文本与情感词典形成矩阵,通过相似度计算和softmax的方法,使得文本中的情感词的权重大(凸显出来),同时利用距离使得与target更相关的的情感词凸显出来。的 233 | 文本与情感词典形成矩阵,通过相似度计算和softmax的方法,使得文本中的情感词的权重大(凸显出来),同时利用距离使得与target更相关的的情感词凸显出来。 234 | 235 | 236 | 237 | 238 | 239 | -------------------------------------------------------------------------------- /atae.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf-8 -*- 2 | """ 3 | Created on Wed May 02 11:06:33 2018 4 | 5 | @author: Administrator 6 | """ 7 | 8 | import tensorflow as tf 9 | 10 | class lstmattention(object): 11 | def __init__(self,config,is_training,embeddingl,initializer): 12 | 13 | self.wordsnum=config.wordsnum 14 | self.aspectnum=config.aspectnum 15 | self.wordtotext_hidsize=config.wordtotext_hidsize 16 | self.keep_prob=config.keep_prob 17 | self.batchsize=config.batchsize 18 | self.l2=config.l2 19 | self.lr=config.lrre 20 | self.classnum=config.classnum 21 | self.ase=config.ase 22 | self.vocab_size=len(embeddingl) 23 | self.wordEmbeddingSize=config.wordEmbeddingSize 24 | 25 | #input 26 | self.input_x = tf.placeholder(tf.int32, [None, self.wordsnum], name="input_x") # X #batch,words 27 | self.input_aspect=tf.placeholder(tf.int32,[None,self.aspectnum],name="input_aspect") #batch*words,aspnums 28 | self.aspectmask=tf.placeholder(tf.float32,[None,self.aspectnum],name="aspectmask") #b*w,a 29 | self.pos=tf.placeholder(tf.float32,[None,self.wordsnum],name="pos") #b*w,1 30 | self.y=tf.placeholder(tf.int64,[None],name="y") 31 | 32 | self.embedding = tf.get_variable(name="embedding",shape=[self.vocab_size, self.wordEmbeddingSize],initializer=tf.constant_initializer(embeddingl))#,shape=[self.vocab_size, self.embed_size]) #[vocab_size,embed_size] tf.random_uniform([self.vocab_size, self.embed_size],-1.0,1.0) 33 | 34 | self.inpute=tf.nn.embedding_lookup(self.embedding,self.input_x) #batch,words,wordsize 35 | 36 | self.aspectl=tf.nn.embedding_lookup(self.embedding,self.input_aspect) #b,w,a,h 37 | 38 | #modify self.aspectl 39 | mask=tf.expand_dims(self.aspectmask,3) #b*w,a,1 40 | a=tf.multiply(self.aspectl,mask)# [b*w,aspnum,emb] [b*w,aspnum,1] 41 | print (a) 42 | b=tf.reduce_sum(a,2) #[b*w,emb] 43 | print (b) 44 | poss=tf.expand_dims(self.pos,2) #[b*w,1] 45 | print (poss) 46 | self.aspect_final=tf.div(b,poss) #[b*w,em] 47 | 48 | #concate atae 49 | self.inpute=tf.concat([self.inpute, self.aspect_final],2) #b,w,h*2 50 | 51 | self.initial_weight(initializer) 52 | 53 | #lstm model 54 | #cnnrsenl=tf.split(self.inpute,self.wordsnum,1) #list,words,every is batch*1*hid 55 | #cnnrsinput3=[tf.squeeze(x,[1]) for x in cnnrsenl] 56 | 57 | cnnrslstm_cell=tf.nn.rnn_cell.BasicLSTMCell(self.wordtotext_hidsize) 58 | if self.keep_prob<1: 59 | cnnrslstm_cell=tf.nn.rnn_cell.DropoutWrapper(cnnrslstm_cell,output_keep_prob=self.keep_prob) 60 | cnnrscell=tf.nn.rnn_cell.MultiRNNCell([cnnrslstm_cell]*1) 61 | ''' 62 | self.cnnsinitial_state=cnnrscell.zero_state(self.batchsize,tf.float32) #initial state t=0 :c and h 63 | 64 | cnnrsoutput=[] 65 | cnnstate=self.cnnsinitial_state 66 | with tf.variable_scope("LSTM_layers"): 67 | for time_step,data in enumerate(cnnrsinput3): 68 | if time_step>0: 69 | tf.get_variable_scope().reuse_variables() 70 | cell_output,cnnstate=cnnrscell(data,cnnstate) 71 | cnnrsoutput.append(cell_output) 72 | ''' 73 | (cnnrhidden_sen_1,_)=tf.nn.dynamic_rnn(cnnrscell,self.inpute,dtype=tf.float32) 74 | 75 | #attention 76 | #cnnrhidden_sen_1=tf.stack(cnnrsoutput,axis=1) #batch,words,hidden 77 | #ssdocp=tf.reduce_mean(cnnrhidden_sen_1,1) #batch hidden 78 | #attention 79 | hidden_sen_2=tf.reshape(cnnrhidden_sen_1,[-1,self.wordtotext_hidsize]) #batch*words,hid 80 | sa=tf.matmul(hidden_sen_2,self.ww)+self.wb #batch*words,ase 81 | 82 | #aspect attention 83 | aspre=tf.reshape(self.aspect_final,[-1,self.wordtotext_hidsize]) 84 | aspa=tf.matmul(aspre,self.wwa) #batch*words,ase 85 | 86 | sa=sa+aspa 87 | sh_r1=tf.nn.tanh(sa) 88 | sh_r=tf.reshape(sh_r1,[-1,self.wordsnum,self.ase])#batch,words,hid 89 | ssimi=tf.multiply(sh_r,self.context) # batch,words,ase 90 | sato=tf.reduce_sum(ssimi,2) #batch,word 91 | smaxhang=tf.reduce_max(sato,1,True) 92 | satt=tf.nn.softmax(sato-smaxhang) #batch,wordsattention 93 | sae=tf.expand_dims(satt,2) #batch,words,1 94 | docp=tf.multiply(sae,cnnrhidden_sen_1) #batch,sens,hid 95 | self.final_docp=tf.reduce_sum(docp,1) 96 | 97 | #final mlp 98 | self.logits=tf.matmul(self.final_docp,self.w1)+self.b1 #bath,classe 99 | 100 | #define loss 101 | with tf.name_scope("losscost_layer"): 102 | self.loss = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=self.y,logits=self.logits) 103 | self.cost = tf.reduce_mean(self.loss) 104 | l2_losses = tf.add_n([tf.nn.l2_loss(v) for v in tf.trainable_variables()]) * self.l2 105 | self.cost=self.cost+l2_losses 106 | 107 | #define accuracy 108 | with tf.name_scope("accuracy"): 109 | self.prediction = tf.argmax(self.logits,1) 110 | correct_prediction = tf.equal(self.prediction,self.y) 111 | self.correct_num=tf.reduce_sum(tf.cast(correct_prediction,tf.float32)) 112 | self.accuracy = tf.reduce_mean(tf.cast(correct_prediction,tf.float32),name="accuracy") 113 | if not is_training: 114 | return 115 | 116 | #optimialize 117 | self.global_step = tf.Variable(0,name="global_step",trainable=False) 118 | tvars = tf.trainable_variables() 119 | grads, _ = tf.clip_by_global_norm(tf.gradients(self.cost, tvars),config.max_grad_norm) 120 | #optimizer = tf.train.AdadeltaOptimizer(self.lr) 121 | optimizer = tf.train.AdamOptimizer(self.lr) 122 | self.train_op=optimizer.apply_gradients(zip(grads, tvars),global_step=self.global_step) 123 | 124 | 125 | def initial_weight(self,initial): 126 | self.w1=tf.get_variable("fw",shape=[self.wordtotext_hidsize,self.classnum],initializer=initial) 127 | self.b1=tf.get_variable("fb",shape=[self.classnum],initializer=tf.zeros_initializer()) 128 | 129 | self.ww=tf.get_variable("ww_sen",shape=[self.wordtotext_hidsize,self.ase],initializer=initial) 130 | self.wwa=tf.get_variable("wwa_sen",shape=[self.wordtotext_hidsize,self.ase],initializer=initial) 131 | self.wb=tf.get_variable("wb_sen",shape=[self.ase],initializer=tf.zeros_initializer()) 132 | self.context=tf.get_variable("context_word",shape=[self.ase],initializer=initial) 133 | -------------------------------------------------------------------------------- /av.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf-8 -*- 2 | """ 3 | Created on Tue Jul 03 00:22:05 2018 4 | 5 | @author: Administrator 6 | """ 7 | import tensorflow as tf 8 | 9 | class rnnmodel(object): 10 | def __init__(self,config,is_training,embeddingl,initial): 11 | 12 | #param 13 | self.wordEmbeddingSize=config.wordEmbeddingSize 14 | self.wordsnum=config.wordsnum 15 | self.wordtotext_hidsize=config.wordtotext_hidsize 16 | self.keep_prob=config.keep_prob 17 | self.batchsize=config.batchsize 18 | #self.wssize=config.wssize 19 | self.classnum=config.classnum 20 | 21 | self.lr=config.lrre 22 | self.l2=config.l2 23 | self.vocab_size=len(embeddingl) 24 | 25 | #input 26 | self.input_x=tf.placeholder(tf.int32,[None,self.wordsnum]) #batch*words 27 | #self.xbackward=tf.placeholder(tf.int32,[self.batchsize,self.wordsnum]) 28 | self.y=tf.placeholder(tf.int64,[None]) 29 | #self.maskforward=tf.placeholder(tf.int32,[self.batchsize,self.wordsnum]) 30 | #self.maskbackward=tf.placeholder(tf.int32,[self.batchsize,self.wordsnum]) 31 | #self.seqlen=tf.placeholder(tf.int32,[self.batchsize]) 32 | 33 | #embedding=tf.constant(embeddingl,dtype=tf.float32) 34 | embedding = tf.get_variable(name="embedding",shape=[self.vocab_size, self.wordEmbeddingSize],initializer=tf.constant_initializer(embeddingl))#,shape=[self.vocab_size, self.embed_size]) #[vocab_size,embed_size] tf.random_uniform([self.vocab_size, self.embed_size],-1.0,1.0) 35 | 36 | 37 | self.initial_weight(initial) 38 | self.embedding_words=tf.nn.embedding_lookup(embedding,self.input_x) 39 | 40 | self.final_docp=tf.reduce_mean(self.embedding_words,axis=1) 41 | #final mlp 42 | self.logits=tf.matmul(self.final_docp,self.w1)+self.b1 #bath,classe 43 | 44 | #define loss 45 | with tf.name_scope("losscost_layer"): 46 | self.loss = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=self.y,logits=self.logits) 47 | self.cost = tf.reduce_mean(self.loss) 48 | l2_losses = tf.add_n([tf.nn.l2_loss(v) for v in tf.trainable_variables()]) * self.l2 49 | self.cost=self.cost+l2_losses 50 | 51 | #define accuracy 52 | with tf.name_scope("accuracy"): 53 | self.prediction = tf.argmax(self.logits,1) 54 | correct_prediction = tf.equal(self.prediction,self.y) 55 | self.correct_num=tf.reduce_sum(tf.cast(correct_prediction,tf.float32)) 56 | self.accuracy = tf.reduce_mean(tf.cast(correct_prediction,tf.float32),name="accuracy") 57 | if not is_training: 58 | return 59 | 60 | #optimialize 61 | self.global_step = tf.Variable(0,name="global_step",trainable=False) 62 | tvars = tf.trainable_variables() 63 | grads, _ = tf.clip_by_global_norm(tf.gradients(self.cost, tvars),config.max_grad_norm) 64 | optimizer = tf.train.AdamOptimizer(self.lr) 65 | self.train_op=optimizer.apply_gradients(zip(grads, tvars),global_step=self.global_step) 66 | 67 | 68 | def initial_weight(self,initial): 69 | self.w1=tf.get_variable("fw",shape=[self.wordtotext_hidsize,self.classnum],initializer=initial) 70 | self.b1=tf.get_variable("fb",shape=[self.classnum],initializer=tf.zeros_initializer()) 71 | -------------------------------------------------------------------------------- /cnnatt.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf-8 -*- 2 | """ 3 | Created on Sat May 12 14:35:12 2018 4 | 5 | @author: Administrator 6 | """ 7 | 8 | import tensorflow as tf 9 | 10 | class lstmattention(object): 11 | def __init__(self,config,is_training,embeddingl,initializer): 12 | 13 | self.wordsnum=config.wordsnum 14 | self.aspectnum=config.aspectnum 15 | self.wordtotext_hidsize=config.wordtotext_hidsize 16 | self.keep_prob=config.keep_prob 17 | self.batchsize=config.batchsize 18 | self.l2=config.l2 19 | self.lr=config.lrre 20 | self.classnum=config.classnum 21 | self.ase=config.ase 22 | self.vocab_size=len(embeddingl) 23 | self.wordEmbeddingSize=config.wordEmbeddingSize 24 | 25 | self.filter_sizes=config.filter_sizes 26 | self.num_filters=config.num_filters 27 | self.filternums=config.filternums 28 | #input 29 | self.input_x = tf.placeholder(tf.int32, [None, self.wordsnum], name="input_x") # X #batch,words 30 | self.input_aspect=tf.placeholder(tf.int32,[None,self.wordsnum,self.aspectnum],name="input_aspect") #batch*words,aspnums 31 | self.aspectmask=tf.placeholder(tf.float32,[None,self.wordsnum,self.aspectnum],name="aspectmask") #b*w,a 32 | self.pos=tf.placeholder(tf.float32,[None,self.wordsnum],name="pos") #b*w,1 33 | self.y=tf.placeholder(tf.int64,[None],name="y") 34 | 35 | self.embedding = tf.get_variable(name="embedding",shape=[self.vocab_size, self.wordEmbeddingSize],initializer=tf.constant_initializer(embeddingl))#,shape=[self.vocab_size, self.embed_size]) #[vocab_size,embed_size] tf.random_uniform([self.vocab_size, self.embed_size],-1.0,1.0) 36 | self.initial_weight(initializer) 37 | 38 | 39 | self.aspectl=tf.nn.embedding_lookup(self.embedding,self.input_aspect) #b,w,a,h 40 | #modify self.aspectl 41 | mask=tf.expand_dims(self.aspectmask,3) #b*w,a,1 42 | a=tf.multiply(self.aspectl,mask)# [b*w,aspnum,emb] [b*w,aspnum,1] 43 | #print (a) 44 | b=tf.reduce_sum(a,2) #[b*w,emb] 45 | #print (b) 46 | poss=tf.expand_dims(self.pos,2) #[b*w,1] 47 | #print (poss) 48 | self.aspect_final=tf.div(b,poss) #[b,w,em] 49 | print (self.aspect_final) 50 | 51 | self.inpute=tf.nn.embedding_lookup(self.embedding,self.input_x) #batch,words,wordsize 52 | self.sentence_embeddings_expanded=tf.expand_dims(self.inpute,-1) 53 | 54 | self.final_docp=[] 55 | self.att=[] 56 | for i,filter_size in enumerate(self.filter_sizes): 57 | #cur=[] 58 | with tf.name_scope("%s"%filter_size): 59 | with tf.variable_scope("cnn-%s"%filter_size): 60 | filterc=tf.get_variable("filter-%s"%filter_size,[filter_size,self.wordEmbeddingSize,1,self.num_filters],initializer=initializer) 61 | conv=tf.nn.conv2d(self.sentence_embeddings_expanded,filterc,strides=[1,1,1,1],padding="VALID",name="conv") 62 | b=tf.get_variable("bias-%s"%filter_size,[self.num_filters],initializer=initializer) 63 | h=tf.nn.relu(tf.nn.bias_add(conv,b),name="relu")#[batchsize,seq-filtr+1,1,num_filters] 64 | self.cnnem=tf.reshape(h,[-1,self.wordsnum-filter_size+1,self.num_filters]) 65 | 66 | #binput2=tf.split(self.cnnem,self.wordsnum-filter_size+1,1) #list,words,batch,1,emb 67 | #self.binput3=[tf.squeeze(x,[1]) for x in binput2] # 68 | #attention 69 | hidden_sen_2=tf.reshape(self.cnnem,[-1,self.wordtotext_hidsize]) #batch*words,hid 70 | 71 | ''' 72 | #another attention 73 | 74 | ''' 75 | sa=tf.matmul(hidden_sen_2,self.ww)+self.wb #batch*words,ase 76 | 77 | #aspect attention to process for every filter,aspect nums is not same 78 | self.aspect_final1=self.aspect_final[:,0:self.wordsnum-filter_size+1,:] 79 | #print 'test' 80 | #print (self.aspect_final1) 81 | aspre=tf.reshape(self.aspect_final1,[-1,self.wordEmbeddingSize]) 82 | aspa=tf.matmul(aspre,self.wwa) #batch*words,ase 83 | 84 | sa=sa+aspa 85 | sh_r1=tf.nn.tanh(sa) 86 | sh_r=tf.reshape(sh_r1,[-1,self.wordsnum-filter_size+1,self.ase])#batch,words,hid 87 | ssimi=tf.multiply(sh_r,self.context) # batch,words,ase 88 | sato=tf.reduce_sum(ssimi,2) #batch,word 89 | smaxhang=tf.reduce_max(sato,1,True) 90 | satt=tf.nn.softmax(sato-smaxhang) #batch,wordsattention 91 | 92 | self.att.append(satt) 93 | 94 | sae=tf.expand_dims(satt,2) #batch,words,1 95 | docp=tf.multiply(sae,self.cnnem) #batch,sens,hid 96 | self.final_docp.append(tf.reduce_sum(docp,1)) 97 | 98 | self.final_docps=tf.concat(self.final_docp,1) #batch,hid*filternums 99 | #print (self.final_docps) 100 | #final mlp 101 | self.logits=tf.matmul(self.final_docps,self.w1)+self.b1 #bath,classe 102 | 103 | #define loss 104 | with tf.name_scope("losscost_layer"): 105 | self.loss = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=self.y,logits=self.logits) 106 | self.cost = tf.reduce_mean(self.loss) 107 | l2_losses = tf.add_n([tf.nn.l2_loss(v) for v in tf.trainable_variables()]) * self.l2 108 | self.cost=self.cost+l2_losses 109 | 110 | #define accuracy 111 | with tf.name_scope("accuracy"): 112 | self.prediction = tf.argmax(self.logits,1) 113 | correct_prediction = tf.equal(self.prediction,self.y) 114 | self.correct_num=tf.reduce_sum(tf.cast(correct_prediction,tf.float32)) 115 | self.accuracy = tf.reduce_mean(tf.cast(correct_prediction,tf.float32),name="accuracy") 116 | if not is_training: 117 | return 118 | 119 | #optimialize 120 | self.global_step = tf.Variable(0,name="global_step",trainable=False) 121 | tvars = tf.trainable_variables() 122 | grads, _ = tf.clip_by_global_norm(tf.gradients(self.cost, tvars),config.max_grad_norm) 123 | #optimizer = tf.train.AdadeltaOptimizer(self.lr) 124 | optimizer = tf.train.AdamOptimizer(self.lr) 125 | 126 | self.train_op=optimizer.apply_gradients(zip(grads, tvars),global_step=self.global_step) 127 | 128 | 129 | 130 | def initial_weight(self,initial): 131 | self.w1=tf.get_variable("fw",shape=[self.wordtotext_hidsize*self.filternums,self.classnum],initializer=initial) 132 | self.b1=tf.get_variable("fb",shape=[self.classnum],initializer=tf.zeros_initializer()) 133 | 134 | self.ww=tf.get_variable("ww_sen",shape=[self.wordtotext_hidsize,self.ase],initializer=initial) 135 | self.wwa=tf.get_variable("wwa_sen",shape=[self.wordEmbeddingSize,self.ase],initializer=initial) 136 | self.wb=tf.get_variable("wb_sen",shape=[self.ase],initializer=tf.zeros_initializer()) 137 | self.context=tf.get_variable("context_word",shape=[self.ase],initializer=initial) 138 | -------------------------------------------------------------------------------- /dataset/Laptops_Test_Gold.txt: -------------------------------------------------------------------------------- 1 | 1 Boot time Boot time is super fast , around anywhere from 35 seconds to 1 minute . 2 | -1 tech support tech support would not fix the problem unless I bought your plan for $ 150 plus . 3 | 1 Set up Set up was easy . 4 | -1 Windows 8 Did not enjoy the new Windows 8 and touchscreen functions . 5 | -1 touchscreen functions Did not enjoy the new Windows 8 and touchscreen functions . 6 | -1 internal speakers Other than not being a fan of click pads -LRB- industry standard these days -RRB- and the lousy internal speakers , it 's hard for me to find things about this notebook I do n't like , especially considering the $ 350 price tag . 7 | 1 price tag Other than not being a fan of click pads -LRB- industry standard these days -RRB- and the lousy internal speakers , it 's hard for me to find things about this notebook I do n't like , especially considering the $ 350 price tag . 8 | -1 click pads Other than not being a fan of click pads -LRB- industry standard these days -RRB- and the lousy internal speakers , it 's hard for me to find things about this notebook I do n't like , especially considering the $ 350 price tag . 9 | 0 installation disk (DVD) No installation disk (DVD) is included . 10 | 1 use It 's fast , light , and simple to use . 11 | 1 Works Works well , and I am extremely happy to be back to an apple OS . 12 | 1 apple OS Works well , and I am extremely happy to be back to an apple OS . 13 | 1 features Sure it 's not light and slim but the features make up for it 100 % . 14 | 1 log on I am pleased with the fast log on , speedy WiFi connection and the long battery life -LRB- > 6 hrs -RRB- . 15 | 1 WiFi connection I am pleased with the fast log on , speedy WiFi connection and the long battery life -LRB- > 6 hrs -RRB- . 16 | 1 battery life I am pleased with the fast log on , speedy WiFi connection and the long battery life -LRB- > 6 hrs -RRB- . 17 | -1 delete key The Apple engineers have not yet discovered the delete key . 18 | -1 interneting Made interneting -LRB- part of my business -RRB- very difficult to maintain . 19 | 1 priced Luckily , for all of us contemplating the decision , the Mac Mini is priced just right . 20 | 1 works Super light , super sexy and everything just works . 21 | -1 track pad Only problem that I had was that the track pad was not very good for me , I only had a problem once or twice with it , But probably my computer was a bit defective . 22 | 1 graphics It is super fast and has outstanding graphics . 23 | -1 mountain lion But the mountain lion is just too slow . 24 | 1 durability Strong build though which really adds to its durability . 25 | 1 build Strong build though which really adds to its durability . 26 | 1 battery life The battery life is excellent - 6-7 hours without charging . 27 | 1 works I 've had my computer for 2 weeks already and it works perfectly . 28 | 1 Windows 8 And I may be the only one but I am really liking Windows 8 . 29 | 1 baterry The baterry is very longer . 30 | 1 size Its size is ideal and the weight is acceptable . 31 | 1 weight Its size is ideal and the weight is acceptable . 32 | 1 performance I can say that I am fully satisfied with the performance that the computer has supplied . 33 | -1 USB ports This laptop has only 2 USB ports , and they are both on the same side . 34 | 1 speed It has so much more speed and the screen is very sharp . 35 | 1 screen It has so much more speed and the screen is very sharp . 36 | 1 price Everything I wanted and everything I needed and the price was great ! 37 | 1 Hardware performance It 's not inexpensive but the Hardware performance is impressive for a computer this small . 38 | 1 works This thing is awesome , everything always works , everything is always easy to set up , everything is compatible , its literally everything I could ask for . 39 | 1 set up This thing is awesome , everything always works , everything is always easy to set up , everything is compatible , its literally everything I could ask for . 40 | 1 Keyboard Keyboard responds well to presses . 41 | -1 Windows 8 Lastly , Windows 8 is annoying . 42 | 1 setup Everything is so easy and intuitive to setup or configure . 43 | 1 configure Everything is so easy and intuitive to setup or configure . 44 | -1 Windows 8 Biggest complaint is Windows 8 . 45 | -1 usb ports Only 2 usb ports ... seems kind of ... limited . 46 | 1 features It has all the expected features and more + plus a wide screen and more than roomy keyboard . 47 | 1 screen It has all the expected features and more + plus a wide screen and more than roomy keyboard . 48 | 1 keyboard It has all the expected features and more + plus a wide screen and more than roomy keyboard . 49 | 1 Performance Amazing Performance for anything I throw at it . 50 | 1 quality The receiver was full of superlatives for the quality and performance . 51 | 1 performance The receiver was full of superlatives for the quality and performance . 52 | 1 OS I was extremely happy with the OS itself . 53 | 1 portability The new MBP offers great portability and gives us confidence that we are not going to need to purchase a new laptop in 18 months . 54 | 1 portable computing The criticism has waned , and now I 'd be the first to recommend an Air for truly portable computing . 55 | -1 Windows 8 I would have given it 5 starts was it not for the fact that it had Windows 8 56 | 1 MS Office 2011 for Mac MS Office 2011 for Mac is wonderful , well worth it . 57 | -1 performance But the performance of Mac Mini is a huge disappointment . 58 | 1 look They do n't just look good ; they deliver excellent performance . 59 | 1 performance They do n't just look good ; they deliver excellent performance . 60 | 1 lit up keys I have had it over a year now with out a Glitch of any kind . . I love the lit up keys and screen display ... this thing is Fast and clear as can be . 61 | 1 screen display I have had it over a year now with out a Glitch of any kind . . I love the lit up keys and screen display ... this thing is Fast and clear as can be . 62 | 1 Mountain Lion OS The Mountain Lion OS is not hard to figure out if you are familiar with Microsoft Windows . 63 | 0 Microsoft Windows The Mountain Lion OS is not hard to figure out if you are familiar with Microsoft Windows . 64 | -1 OSX However , I can refute that OSX is `` FAST '' . 65 | 1 Microsoft Office Enjoy using Microsoft Office ! 66 | 1 graphics Incredible graphics and brilliant colors . 67 | 1 colors Incredible graphics and brilliant colors . 68 | 1 Built-in apps Built-in apps are purely amazing . 69 | -1 Screen resolution Cons : Screen resolution . 70 | 1 operating system From the speed to the multi touch gestures this operating system beats Windows easily . 71 | -1 Windows From the speed to the multi touch gestures this operating system beats Windows easily . 72 | 1 speed From the speed to the multi touch gestures this operating system beats Windows easily . 73 | 1 multi touch gestures From the speed to the multi touch gestures this operating system beats Windows easily . 74 | 1 size I really like the size and I 'm a fan of the ACERS . 75 | 1 SquareTrade 3-Year Computer Accidental Protection Warranty I opted for the SquareTrade 3-Year Computer Accidental Protection Warranty -LRB- $ 1500-2000 -RRB- which also support `` accidents '' like drops and spills that are NOT covered by AppleCare . 76 | -1 AppleCare I opted for the SquareTrade 3-Year Computer Accidental Protection Warranty -LRB- $ 1500-2000 -RRB- which also support `` accidents '' like drops and spills that are NOT covered by AppleCare . 77 | 1 transport It 's light and easy to transport . 78 | -1 Windows 8 Set-Up Once you get past learning how to use the poorly designed Windows 8 Set-Up you may feel frustrated . 79 | 0 size It 's been time for a new laptop , and the only debate was which size of the Mac laptops , and whether to spring for the retina display . 80 | 0 retina display It 's been time for a new laptop , and the only debate was which size of the Mac laptops , and whether to spring for the retina display . 81 | 1 design The reason why I choose apple MacBook because of their design and the aluminum casing . 82 | 1 aluminum casing The reason why I choose apple MacBook because of their design and the aluminum casing . 83 | 1 aluminum body The aluminum body sure makes it stand out . 84 | 1 integrate bluetooth devices It is very easy to integrate bluetooth devices , and USB devices are recognized almost instantly . 85 | 1 USB devices It is very easy to integrate bluetooth devices , and USB devices are recognized almost instantly . 86 | -1 Intel4000 graphic chip And the fact that Apple is driving the 13 '' RMBP with the Intel4000 graphic chip seems underpowered -LRB- to me . 87 | 0 DVD drive Firewire port Apple removed the DVD drive Firewire port -LRB- will work with adapter -RRB- and put the SDXC slot in a silly position on the back . 88 | 0 adapter Apple removed the DVD drive Firewire port -LRB- will work with adapter -RRB- and put the SDXC slot in a silly position on the back . 89 | -1 SDXC slot Apple removed the DVD drive Firewire port -LRB- will work with adapter -RRB- and put the SDXC slot in a silly position on the back . 90 | 1 durability The durability of the laptop will make it worth the money . 91 | 1 designed Well designed and fast . 92 | 1 use But I was completely wrong , this computer is UNBELIEVABLE amazing and easy to use . 93 | 1 value Exactly as posted plus a great value . 94 | 1 specs The specs are pretty good too . 95 | 1 product quality Apple is unmatched in product quality , aesthetics , craftmanship , and customer service . 96 | 1 aesthetics Apple is unmatched in product quality , aesthetics , craftmanship , and customer service . 97 | 1 craftmanship Apple is unmatched in product quality , aesthetics , craftmanship , and customer service . 98 | 1 customer service Apple is unmatched in product quality , aesthetics , craftmanship , and customer service . 99 | 1 size It is a great size and amazing windows 8 included ! 100 | 1 windows 8 It is a great size and amazing windows 8 included ! 101 | -1 Windows 8 I do not like too much Windows 8 . 102 | -1 Startup times Startup times are incredibly long : over two minutes . 103 | 1 colors Also stunning colors and speedy 104 | 1 price great price free shipping what else can i ask for !! 105 | 1 shipping great price free shipping what else can i ask for !! 106 | 1 mouse This mouse is terrific . 107 | 0 battery It is really thick around the battery . 108 | 1 windows 7 And windows 7 works like a charm . 109 | 1 price :-RRB- Great product , great price , great delivery , and great service . 110 | 1 delivery :-RRB- Great product , great price , great delivery , and great service . 111 | 1 service :-RRB- Great product , great price , great delivery , and great service . 112 | 1 customer service :] It arrived so fast and customer service was great . 113 | -1 windows 8 tried windows 8 and hated it !!! 114 | 1 Set up Set up was a breeze . 115 | -1 Win8 But I do NOT like Win8 . 116 | 0 features I am still in the process of learning about its features . 117 | -1 price I had the same reasons as most PC users : the price , the overbearing restrictions of OSX and lack of support for games . 118 | -1 OSX I had the same reasons as most PC users : the price , the overbearing restrictions of OSX and lack of support for games . 119 | -1 support for games I had the same reasons as most PC users : the price , the overbearing restrictions of OSX and lack of support for games . 120 | 1 mobility I wanted it for it 's mobility and man , this little bad boy is very nice . 121 | 1 set up I found the mini to be : Exceptionally easy to set up 122 | 1 USB3 Having USB3 is why I bought this Mini . 123 | 1 sound The sound is nice and loud ; I do n't have any problems with hearing anything . 124 | 1 track pad It is very slim , the track pad is very much impressed with me . 125 | -1 settings The settings are not user-friendly either . 126 | 1 OpenOffice Thank goodness for OpenOffice ! 127 | 1 form factor Awesome form factor , great battery life , wonderful UX . 128 | 1 battery life Awesome form factor , great battery life , wonderful UX . 129 | 1 UX Awesome form factor , great battery life , wonderful UX . 130 | 1 keyboard i love the keyboard and the screen . 131 | 1 screen i love the keyboard and the screen . 132 | -1 touchpad However , there are MAJOR issues with the touchpad which render the device nearly useless . 133 | 1 Mavericks I 've already upgraded o Mavericks and I am impressed with everything about this computer . 134 | -1 i5 Not as fast as I would have expect for an i5 . 135 | 1 service thanks for great service and shipping ! 136 | 1 shipping thanks for great service and shipping ! 137 | 1 performance The performance seems quite good , and built-in applications like iPhoto work great with my phone and camera . 138 | 1 built-in applications The performance seems quite good , and built-in applications like iPhoto work great with my phone and camera . 139 | 1 iPhoto The performance seems quite good , and built-in applications like iPhoto work great with my phone and camera . 140 | 0 hard drive I did swap out the hard drive for a Samsung 830 SSD which I highly recommend . 141 | 1 Samsung 830 SSD I did swap out the hard drive for a Samsung 830 SSD which I highly recommend . 142 | 1 Starts up Starts up in a hurry and everything is ready to go . 143 | -1 aluminum Yes , that 's a good thing , but it 's made from aluminum that scratches easily . 144 | 1 built in virus control Quick and has built in virus control . 145 | 0 retina display Took a long time trying to decide between one with retina display and one without . 146 | -1 components I was also informed that the components of the Mac Book were dirty . 147 | -1 hardware the hardware problems have been so bad , i ca n't wait till it completely dies in 3 years , TOPS ! 148 | 1 battery It 's so nice that the battery last so long and that this machine has the snow lion ! 149 | 1 snow lion It 's so nice that the battery last so long and that this machine has the snow lion ! 150 | -1 shipping HOWEVER I chose two day shipping and it took over a week to arrive . 151 | 1 features it 's exactly what i wanted , and it has all the new features and whatnot . 152 | 1 quality Can you buy any laptop that matches the quality of a MacBook ? 153 | -1 keyboard It feels cheap , the keyboard is not very sensitive . 154 | -1 sound quality Though please note that sometimes it crashes , and the sound quality isnt superb . 155 | 1 navigate It is very easy to navigate even for a novice . 156 | 1 battery life Does everything I need it to , has a wonderful battery life and I could n't be happier . 157 | 1 Performance Great Performance and Quality . 158 | 1 Quality Great Performance and Quality . 159 | 0 windows XP I used windows XP , windows Vista , and Windows 7 extensively . 160 | 0 windows Vista I used windows XP , windows Vista , and Windows 7 extensively . 161 | 0 Windows 7 I used windows XP , windows Vista , and Windows 7 extensively . 162 | 0 SSD drive I did add a SSD drive and memory 163 | 0 memory I did add a SSD drive and memory 164 | -1 start up On start up it asks endless questions just so itune can sell you more of their products . 165 | -1 itune On start up it asks endless questions just so itune can sell you more of their products . 166 | 0 OS I Have been a Pc user for a very long time now but I will get used to this new OS . 167 | -1 restore disks One more thing , this mac does NOT come with restore disks and I am not sure if you can make them direct from the mac like you can with newer PC 's , also the charging cables are made of the same cheap material as the iPhone/iPod touch cables . 168 | -1 charging cables One more thing , this mac does NOT come with restore disks and I am not sure if you can make them direct from the mac like you can with newer PC 's , also the charging cables are made of the same cheap material as the iPhone/iPod touch cables . 169 | -1 material One more thing , this mac does NOT come with restore disks and I am not sure if you can make them direct from the mac like you can with newer PC 's , also the charging cables are made of the same cheap material as the iPhone/iPod touch cables . 170 | 0 graphic design I bought it to my son who uses it for graphic design . 171 | 0 external mics I never tried any external mics with that iMac . 172 | 1 os The new os is great on my macbook pro ! 173 | 1 works I have experienced no problems , works as anticipated . 174 | 1 System System is running great . 175 | 1 customize setting Easy to customize setting and even create your own bookmarks . 176 | 1 create your own bookmarks Easy to customize setting and even create your own bookmarks . 177 | 0 wireless keyboard / mouse The MAC Mini , wireless keyboard / mouse and a HDMI cable is all I need to get some real work done . 178 | 0 HDMI cable The MAC Mini , wireless keyboard / mouse and a HDMI cable is all I need to get some real work done . 179 | 1 features it has all the features that we expected and the price was good , working well so far . 180 | 1 price it has all the features that we expected and the price was good , working well so far . 181 | 1 working it has all the features that we expected and the price was good , working well so far . 182 | 0 gaming I work as a designer and coder and I needed a new buddy to work with , not gaming . 183 | 1 operating system The new operating system makes this computer into a super iPad . 184 | 1 set up Easy to set up and go ! 185 | 1 hard drive I ca n't believe how quiet the hard drive is and how quick this thing boots up . 186 | 1 boots up I ca n't believe how quiet the hard drive is and how quick this thing boots up . 187 | -1 scanning The only issue came when I tried scanning to the mac . 188 | 0 price point I think this is about as good as it gets at anything close to this price point . 189 | 1 works It 's just what we were looking for and it works great . 190 | 1 working It 's so quick and responsive that it makes working / surfing on a computer so much more pleasurable ! 191 | 1 surfing It 's so quick and responsive that it makes working / surfing on a computer so much more pleasurable ! 192 | 1 works It works fine , and all the software seems to run pretty well . 193 | 1 software It works fine , and all the software seems to run pretty well . 194 | 0 word processing I 'm using this computer for word processing , web browsing , some gaming , and I 'm learning programming . 195 | 0 web browsing I 'm using this computer for word processing , web browsing , some gaming , and I 'm learning programming . 196 | 0 gaming I 'm using this computer for word processing , web browsing , some gaming , and I 'm learning programming . 197 | 0 programming I 'm using this computer for word processing , web browsing , some gaming , and I 'm learning programming . 198 | -1 function My wife was so excited to open the box , but quickly came to see that it did not function as it should . 199 | 0 performance I wanted a computer that was quite , fast , and that had overall great performance . 200 | -1 Apple "Help" Apple "Help" is a mixed bag . 201 | -1 work It suddenly can not work . 202 | -1 Harddrive Harddrive was in poor condition , had to replace it . 203 | -1 on/off switch The on/off switch is a bit obscure in the rear corner . 204 | -1 instructions My only complaint is the total lack of instructions that come with the mac mini . 205 | -1 gaming The only task that this computer would not be good enough for would be gaming , otherwise the integrated Intel 4000 graphics work well for other tasks . 206 | 1 content creation I use it mostly for content creation -LRB- Audio , video , photo editing -RRB- and its reliable . 207 | 1 Audio I use it mostly for content creation -LRB- Audio , video , photo editing -RRB- and its reliable . 208 | 1 video I use it mostly for content creation -LRB- Audio , video , photo editing -RRB- and its reliable . 209 | 1 photo editing I use it mostly for content creation -LRB- Audio , video , photo editing -RRB- and its reliable . 210 | 1 Screen Screen is bright and gorgeous . 211 | 0 brightness The only solution is to turn the brightness down , etc. . 212 | 0 applications If you want more information on macs I suggest going to apple.com and heading towards the macbook page for more information on the applications . 213 | 1 use It is robust , with a friendly use as all Apple products . 214 | 1 use It is fast and easy to use . 215 | 1 i5 processor And the fact that it comes with an i5 processor definitely speeds things up 216 | 1 built in features I have been PC for years but this computer is intuitive and its built in features are a great help 217 | 1 screen Nice screen , keyboard works great ! 218 | 1 keyboard Nice screen , keyboard works great ! 219 | 1 delivery I was amazed at how fast the delivery was . 220 | 0 SSD I 've installed to it additional SSD and 16Gb RAM . 221 | 0 16Gb RAM I 've installed to it additional SSD and 16Gb RAM . 222 | -1 memory The memory was gone and it was not able to be used . 223 | 1 works It works great and I am so happy I bought it . 224 | 1 design I like the design and ease of use with the keyboard , plenty of ports . 225 | 1 keyboard I like the design and ease of use with the keyboard , plenty of ports . 226 | 1 ports I like the design and ease of use with the keyboard , plenty of ports . 227 | 1 service it definitely beats my old mac and the service was great . 228 | 1 Web browsing Web browsing is very quick with Safari browser . 229 | 1 Safari browser Web browsing is very quick with Safari browser . 230 | 1 lighted screen I like the lighted screen at night . 231 | 1 use It is really easy to use and it is quick to start up . 232 | 1 start up It is really easy to use and it is quick to start up . 233 | -1 operation I 've lived with the crashes and slow operation and restarts . 234 | 1 USB3 Peripherals USB3 Peripherals are noticably less expensive than the ThunderBolt ones . 235 | -1 ThunderBolt USB3 Peripherals are noticably less expensive than the ThunderBolt ones . 236 | 1 warranty And mine had broke but I sent it in under warranty - no problems . 237 | 1 media editing It 's fast , light , and is perfect for media editing , which is mostly why I bought it in the first place . 238 | 1 battery The battery lasts as advertised -LRB- give or take 15-20 minutes -RRB- , and the entire user experience is very elegant . 239 | 1 user experience The battery lasts as advertised -LRB- give or take 15-20 minutes -RRB- , and the entire user experience is very elegant . 240 | 1 shipment Thanks for the fast shipment and great price . 241 | 1 price Thanks for the fast shipment and great price . 242 | 1 performance ! Excelent performance , usability , presentation and time response . 243 | 1 usability ! Excelent performance , usability , presentation and time response . 244 | 1 presentation ! Excelent performance , usability , presentation and time response . 245 | 1 time response ! Excelent performance , usability , presentation and time response . 246 | 1 size The smaller size was a bonus because of space restrictions . 247 | -1 Mac OS I blame the Mac OS . 248 | 0 Legacy programs In fact I still use many Legacy programs -LRB- Appleworks , FileMaker Pro , Quicken , Photoshop etc -RRB- ! 249 | 0 Appleworks In fact I still use manyLegacy programs -LRB- Appleworks , FileMaker Pro , Quicken , Photoshop etc -RRB- ! 250 | 0 FileMaker Pro In fact I still use manyLegacy programs -LRB- Appleworks , FileMaker Pro , Quicken , Photoshop etc -RRB- ! 251 | 0 Quicken In fact I still use manyLegacy programs -LRB- Appleworks , FileMaker Pro , Quicken , Photoshop etc -RRB- ! 252 | 0 Photoshop In fact I still use manyLegacy programs -LRB- Appleworks , FileMaker Pro , Quicken , Photoshop etc -RRB- ! 253 | 1 operating system I like the operating system . 254 | 1 form factor I love the form factor . 255 | 1 loading the internet It 's fast at loading the internet . 256 | 1 looking So much faster and sleeker looking . 257 | 0 XP Unfortunately , it runs XP and Microsoft is dropping support next April . 258 | -1 support Unfortunately , it runs XP and Microsoft is dropping support next April . 259 | 1 OS First off , I really do like my MBP ... once used to the OS it is pretty easy to get around , and the overall build is great ... eg the keyboard is one of the best to type on . 260 | 1 overall build First off , I really do like my MBP ... once used to the OS it is pretty easy to get around , and the overall build is great ... eg the keyboard is one of the best to type on . 261 | 1 keyboard First off , I really do like my MBP ... once used to the OS it is pretty easy to get around , and the overall build is great ... eg the keyboard is one of the best to type on . 262 | 1 construction It is made of such solid construction and since I have never had a Mac using my iPhone helped me get used to the system a bit . 263 | 0 system It is made of such solid construction and since I have never had a Mac using my iPhone helped me get used to the system a bit . 264 | 1 unibody construction Very nice unibody construction . 265 | 1 runs This Macbook Pro is fast , powerful , and runs super quiet and cool . 266 | 0 disk drive It 's ok but does n't have a disk drive which I did n't know until after I bought it . 267 | 0 HDMI receptacle There is no HDMI receptacle , nor is there an SD card slot located anywhere on the device . 268 | 0 SD card slot There is no HDMI receptacle , nor is there an SD card slot located anywhere on the device . 269 | 1 works It came in brand new and works perfectly . 270 | 0 design app It should n't happen like that , I do n't have any design app open or anything . 271 | -1 TRACKPAD MY TRACKPAD IS NOT WORKING . 272 | 1 finish It looks and feels solid , with a flawless finish . 273 | 1 looks It looks and feels solid , with a flawless finish . 274 | 1 feels It looks and feels solid , with a flawless finish . 275 | -1 Price Price was higher when purchased on MAC when compared to price showing on PC when I bought this product . 276 | 1 price Price was higher when purchased on MAC when compared to price showing on PC when I bought this product . 277 | -1 system Then the system would many times not power down without a forced power-off . 278 | -1 power down Then the system would many times not power down without a forced power-off . 279 | 1 configuration The configuration is perfect for my needs . 280 | -1 speakers and the speakers is the worst ever . 281 | 1 looks Its the best , its got the looks , super easy to use and love all you can do with the trackpad ! . . 282 | 1 use Its the best , its got the looks , super easy to use and love all you can do with the trackpad ! . . 283 | 1 trackpad Its the best , its got the looks , super easy to use and love all you can do with the trackpad ! . . 284 | 1 Web surfuring Web surfuring is smooth and seamless . 285 | 1 interface I 'm overall pleased with the interface and the portability of this product . 286 | 1 portability I 'm overall pleased with the interface and the portability of this product . 287 | 1 works This item is a beautiful piece , it works well , it is easy to carry and handle . 288 | 1 carry This item is a beautiful piece , it works well , it is easy to carry and handle . 289 | 1 handle This item is a beautiful piece , it works well , it is easy to carry and handle . 290 | -1 performance It was also suffering from hardware -LRB- keyboard -RRB- issues , relatively slow performance and shortening battery lifetime . 291 | -1 battery lifetime It was also suffering from hardware -LRB- keyboard -RRB- issues , relatively slow performance and shortening battery lifetime . 292 | -1 hardware (keyboard) It was also suffering from hardware (keyboard) issues , relatively slow performance and shortening battery lifetime . 293 | 1 Runs Runs good and does the job , ca n't complain about that ! 294 | 1 footprint It 's silent and has a very small footprint on my desk . 295 | 1 exterior The exterior is absolutely gorgeous . 296 | 1 performance It has a very high performance , just for what I needed for . 297 | 0 intel 4000 graphics chipset Apple is aware of this issue and this is either old stock or a defective design involving the intel 4000 graphics chipset . 298 | 0 design Apple is aware of this issue and this is either old stock or a defective design involving the intel 4000 graphics chipset . 299 | 0 OSX Mountain Lion OSX Mountain Lion soon to upgrade to Mavericks . 300 | 0 Mavericks OSX Mountain Lion soon to upgrade to Mavericks . 301 | -1 USB ports I just bought the new MacBook Pro , the 13 '' model , and I ca n't believe Apple keeps making the same mistake with regard to USB ports . 302 | 0 lid It wakes in less than a second when I open the lid . 303 | 1 wakes It wakes in less than a second when I open the lid . 304 | 1 size It is the perfect size and speed for me . 305 | 1 speed It is the perfect size and speed for me . 306 | 1 CUSTOMER SERVICE THE CUSTOMER SERVICE IS TERRIFIC !! 307 | 1 performed My last laptop was a 17 '' ASUS gaming machine , which performed admirably , but having since built my own desktop and really settling into the college life , I found myself wanting something smaller and less cumbersome , not to mention that the ASUS had been slowly developing problems ever since I bought it about 4 years ago . 308 | 1 battery cycle count However , it did not have any scratches , ZERO battery cycle count -LRB- pretty surprised -RRB- , and all the hardware seemed to be working perfectly . 309 | 1 hardware However , it did not have any scratches , ZERO battery cycle count -LRB- pretty surprised -RRB- , and all the hardware seemed to be working perfectly . 310 | -1 OS After fumbling around with the OS I started searching the internet for a fix and found a number of forums on fixing the issue . 311 | -1 finger swipes And as for all the fancy finger swipes -- I just gave up and attached a mouse . 312 | 0 mouse And as for all the fancy finger swipes -- I just gave up and attached a mouse . 313 | 0 storage I needed a laptop with big storage , a nice screen and fast so I can photoshop without any problem . 314 | 0 screen I needed a laptop with big storage , a nice screen and fast so I can photoshop without any problem . 315 | 0 photoshop I needed a laptop with big storage , a nice screen and fast so I can photoshop without any problem . 316 | 1 Mac OS I like coming back to Mac OS but this laptop is lacking in speaker quality compared to my $ 400 old HP laptop . 317 | -1 speaker quality I like coming back to Mac OS but this laptop is lacking in speaker quality compared to my $ 400 old HP laptop . 318 | 1 Shipped Shipped very quickly and safely . 319 | 1 thunderbolt port The thunderbolt port is awesome ! 320 | 1 performance The performance is definitely superior to any computer I 've ever put my hands on . 321 | 1 streaming video It 's great for streaming video and other entertainment uses . 322 | 1 entertainment uses It 's great for streaming video and other entertainment uses . 323 | 1 design I like the design and its features but there are somethings I think needs to be improved . 324 | 1 features I like the design and its features but there are somethings I think needs to be improved . 325 | -1 Mac office There were small problems with Mac office . 326 | 0 Apple Tech Support I understand I should call Apple Tech Support about any variables -LRB- which is my purpose of writing this con -RRB- as variables could be a bigger future problem . 327 | -1 spec I ordered my 2012 mac mini after being disappointed with spec of the new 27 '' Imacs . 328 | 1 works It still works and it 's extremely user friendly , so I would recommend it for new computer user and also for those who are just looking for a more efficient way to do things 329 | 1 use Its fast , easy to use and it looks great . 330 | 1 looks Its fast , easy to use and it looks great . 331 | 0 Office -LRB- but Office can be purchased -RRB- IF I ever need a laptop again I am for sure purchasing another Toshiba !! 332 | 0 retina display I have n't tried the one with retina display ... Maybe in the future . 333 | 1 Performance Performance is much much better on the Pro , especially if you install an SSD on it . 334 | 1 SSD Performance is much much better on the Pro , especially if you install an SSD on it . 335 | 0 MagSafe accessories Note , however , that any existing MagSafe accessories you have will not work with the MagSafe 2 connection . 336 | -1 MagSafe 2 connection Note , however , that any existing MagSafe accessories you have will not work with the MagSafe 2 connection . 337 | -1 touchpad The only thing I dislike is the touchpad , alot of the times its unresponsive and does things I dont want it too , I would recommend using a mouse with it . 338 | 0 mouse The only thing I dislike is the touchpad , alot of the times its unresponsive and does things I dont want it too , I would recommend using a mouse with it . 339 | 1 runs The Mac mini is about 8x smaller than my old computer which is a huge bonus and runs very quiet , actually the fans are n't audible unlike my old pc 340 | 1 fans The Mac mini is about 8x smaller than my old computer which is a huge bonus and runs very quiet , actually the fans are n't audible unlike my old pc 341 | -1 Mac OS MAYBE The Mac OS improvement were not The product they Want to offer . 342 | 0 Mac ecosystem I thought the transition would be difficult at best and would take some time to fully familiarize myself with the new Mac ecosystem . 343 | 1 price It 's absolutely wonderful and worth the price ! 344 | 1 use I am please with the products ease of use ; out of the box ready ; appearance and functionality . 345 | 1 appearance I am please with the products ease of use ; out of the box ready ; appearance and functionality . 346 | 1 functionality I am please with the products ease of use ; out of the box ready ; appearance and functionality . 347 | 1 graphic design Perfect for all my graphic design classes I 'm taking this year in college : - -RRB- 348 | -1 slot I will not be using that slot again . 349 | 1 OS The OS is fast and fluid , everything is organized and it 's just beautiful . 350 | 1 use They are simpler to use . 351 | 1 SSD ! so nice . . stable . . fast . . now i got my SSD ! 352 | 0 built-in camera Also , in using the built-in camera , my voice recording for my vlog sounds like the interplanetary transmissions in the `` Star Wars '' saga . 353 | -1 voice recording Also , in using the built-in camera , my voice recording for my vlog sounds like the interplanetary transmissions in the `` Star Wars '' saga . 354 | 1 start up I love the quick start up . 355 | 1 functionality You just can not beat the functionality of an Apple device . 356 | 1 function Yet my mac continues to function properly . 357 | 1 Graphics Graphics are much improved . 358 | 1 Build Quality Here are the things that made me confident with my purchase : Build Quality - Seriously , you ca n't beat a unibody construction . 359 | 1 unibody construction Here are the things that made me confident with my purchase : Build Quality - Seriously , you ca n't beat a unibody construction . 360 | 1 flexibility for connectivity It provides much more flexibility for connectivity . 361 | 1 portability I want the portability of a tablet , without the limitations of a tablet and that 's where this laptop comes into play . 362 | 1 Mac tutorials Mac tutorials do help . 363 | -1 technical support The technical support was not helpful as well . 364 | 0 adapter I got the new adapter and there was no change . 365 | 0 technical support so i called technical support . 366 | 0 iPhoto Came with iPhoto and garage band already loaded . 367 | 0 garage band Came with iPhoto and garage band already loaded . 368 | 1 Logic board Logic board utterly fried , cried , and laid down and died . 369 | -1 sound The sound was crappy even when you turn up the volume still the same results . 370 | -1 volume The sound was crappy even when you turn up the volume still the same results . 371 | 1 OSX Lion OSX Lion is a great performer . . extremely fast and reliable . 372 | -1 application Having heard from friends and family about how reliable a Mac product is , I never expected to have an application crash within the first month , but I did . 373 | 1 physical form The Macbook pro 's physical form is wonderful . 374 | 1 body The Mini 's body has n't changed since late 2010 - and for a good reason . 375 | 1 unibody construction The unibody construction really does feel lot more solid than Apple 's previous laptops . 376 | -1 3D rendering 3D rendering slows it down considerably . 377 | 0 OS X Mountain Lion Got this Mac Mini with OS X Mountain Lion for my wife . 378 | 1 screen fast , great screen , beautiful apps for a laptop ; priced at 1100 on the apple website ; amazon had it for 1098 + tax - plus i had a 10 % off coupon from amazon-cost me 998 plus tax - 1070 - OTD ! 379 | 1 apps fast , great screen , beautiful apps for a laptop ; priced at 1100 on the apple website ; amazon had it for 1098 + tax - plus i had a 10 % off coupon from amazon-cost me 998 plus tax - 1070 - OTD ! 380 | 0 priced fast , great screen , beautiful apps for a laptop ; priced at 1100 on the apple website ; amazon had it for 1098 + tax - plus i had a 10 % off coupon from amazon-cost me 998 plus tax - 1070 - OTD ! 381 | 0 cost fast , great screen , beautiful apps for a laptop ; priced at 1100 on the apple website ; amazon had it for 1098 + tax - plus i had a 10 % off coupon from amazon - cost me 998 plus tax - 1070 - OTD ! 382 | 0 boot 12.44 seconds to boot . 383 | 0 ports All the ports are much needed since this is my main computer . 384 | 0 Quad-Core 2.5 GHz CPU The Like New condition of the iMac MC309LL/A on Amazon is at $ 900 + level only , and it is a Quad-Core 2.5 GHz CPU -LRB- similar to the $ 799 Mini -RRB- , with Radeon HD 6750M 512MB graphic card -LRB- this mini is integrated Intel 4000 card -RRB- , and it even comes with wireless Apple Keyboard and Mouse , all put together in neat and nice package . 385 | 0 Radeon HD 6750M 512MB graphic card The Like New condition of the iMac MC309LL/A on Amazon is at $ 900 + level only , and it is a Quad-Core 2.5 GHz CPU -LRB- similar to the $ 799 Mini -RRB- , with Radeon HD 6750M 512MB graphic card -LRB- this mini is integrated Intel 4000 card -RRB- , and it even comes with wireless Apple Keyboard and Mouse , all put together in neat and nice package . 386 | 0 integrated Intel 4000 card The Like New condition of the iMac MC309LL/A on Amazon is at $ 900 + level only , and it is a Quad-Core 2.5 GHz CPU -LRB- similar to the $ 799 Mini -RRB- , with Radeon HD 6750M 512MB graphic card -LRB- this mini is integrated Intel 4000 card -RRB- , and it even comes with wireless Apple Keyboard and Mouse , all put together in neat and nice package . 387 | 0 wireless Apple Keyboard and Mouse The Like New condition of the iMac MC309LL/A on Amazon is at $ 900 + level only , and it is a Quad-Core 2.5 GHz CPU -LRB- similar to the $ 799 Mini -RRB- , with Radeon HD 6750M 512MB graphic card -LRB- this mini is integrated Intel 4000 card -RRB- , and it even comes with wireless Apple Keyboard and Mouse , all put together in neat and nice package . 388 | 1 package The Like New condition of the iMac MC309LL/A on Amazon is at $ 900 + level only , and it is a Quad-Core 2.5 GHz CPU -LRB- similar to the $ 799 Mini -RRB- , with Radeon HD 6750M 512MB graphic card -LRB- this mini is integrated Intel 4000 card -RRB- , and it even comes with wireless Apple Keyboard and Mouse , all put together in neat and nice package . 389 | 0 cover Put a cover on it and is a little better but that is my only complaint . 390 | 1 gestures Within a few hours I was using the gestures unconsciously . 391 | 0 extender cable This mac does come with an extender cable and I 'm using mine right now hoping the cable will stay nice for the many years I plan on using this mac . 392 | 1 cable This mac does come with an extender cable and I 'm using mine right now hoping the cable will stay nice for the many years I plan on using this mac . 393 | 1 2.9ghz dual-core i7 chip The 2.9ghz dual-core i7 chip really out does itself . 394 | 1 starts up It is pretty snappy and starts up in about 30 seconds which is good enough for me . 395 | 0 Windows 8 Not sure on Windows 8 . 396 | -1 internal CD drive My one complaint is that there was no internal CD drive . 397 | 0 hard drive This newer netbook has no hard drive or network lights . 398 | 0 network lights This newer netbook has no hard drive or network lights . 399 | 0 priced I was having a though time deciding between the 13 '' MacBook Air or the MacBook Pro 13 '' -LRB- Both baseline models , priced at 1,200 $ retail -RRB- 400 | 1 storage Not too expense and has enough storage for most users and many ports . 401 | 1 ports Not too expense and has enough storage for most users and many ports . 402 | -1 audio volume The audio volume is quite low and virtually unusable in a room with any background activity . 403 | 1 size It is lightweight and the perfect size to carry to class . 404 | 0 Windows 8 I was given a demonstration of Windows 8 . 405 | 1 capabilities The MBP is beautiful has many wonderful capabilities . 406 | 0 settings I thought that it will be fine , if i do some settings . 407 | 1 Runs Runs very smoothly . 408 | -1 Boot-up Boot-up slowed significantly after all Windows updates were installed . 409 | -1 Windows updates Boot-up slowed significantly after all Windows updates were installed . 410 | -1 logic board More likely it will require replacing the logic board once they admit they have a problem and come up with a solution . 411 | 1 internet It was important that it was powerful enough to do all of the tasks he needed on the internet , word processing , graphic design and gaming . 412 | 1 word processing It was important that it was powerful enough to do all of the tasks he needed on the internet , word processing , graphic design and gaming . 413 | 1 graphic design It was important that it was powerful enough to do all of the tasks he needed on the internet , word processing , graphic design and gaming . 414 | 1 gaming It was important that it was powerful enough to do all of the tasks he needed on the internet , word processing , graphic design and gaming . 415 | 1 setup I like the Mini Mac it was easy to setup and install , but I am learning as I go and could use a tutorial to learn how to use some of the features I was use to on the PC especially the right mouse click menu . 416 | 1 install I like the Mini Mac it was easy to setup and install , but I am learning as I go and could use a tutorial to learn how to use some of the features I was use to on the PC especially the right mouse click menu . 417 | 0 tutorial I like the Mini Mac it was easy to setup and install , but I am learning as I go and could use a tutorial to learn how to use some of the features I was use to on the PC especially the right mouse click menu . 418 | 0 features I like the Mini Mac it was easy to setup and install , but I am learning as I go and could use a tutorial to learn how to use some of the features I was use to on the PC especially the right mouse click menu . 419 | 0 right mouse click menu I like the Mini Mac it was easy to setup and install , but I am learning as I go and could use a tutorial to learn how to use some of the features I was use to on the PC especially the right mouse click menu . 420 | 1 Runs Runs real quick . 421 | 1 RAM memory Buy the separate RAM memory and you will have a rocket ! 422 | -1 profile Since the machine 's slim profile is critical to me , that was a problem . 423 | 1 disk drive WiFi capability , disk drive and multiple USB ports to connect scale and printers was all that was required . 424 | 1 USB ports WiFi capability , disk drive and multiple USB ports to connect scale and printers was all that was required . 425 | 1 WiFi capability WiFi capability , disk drive and multiple USB ports to connect scale and printers was all that was required . 426 | -1 SD card reader The SD card reader is slightly recessed and upside down -LRB- the nail slot on the card can not be accessed -RRB- , if this was a self ejecting slot this would not be an issue , but its not . 427 | -1 nail slot on the card The SD card reader is slightly recessed and upside down -LRB- the nail slot on the card can not be accessed -RRB- , if this was a self ejecting slot this would not be an issue , but its not . 428 | -1 slot The SD card reader is slightly recessed and upside down -LRB- the nail slot on the card can not be accessed -RRB- , if this was a self ejecting slot this would not be an issue , but its not . 429 | 1 touch Soft touch , anodized aluminum with laser cut precision and no flaws . 430 | 1 anodized aluminum Soft touch , anodized aluminum with laser cut precision and no flaws . 431 | 1 aluminium Simple details , crafted aluminium and real glass make this laptop blow away the other plastic ridden , bulky sticker filled laptops . 432 | 1 glass Simple details , crafted aluminium and real glass make this laptop blow away the other plastic ridden , bulky sticker filled laptops . 433 | 1 aluminum First of all yes this is a mac and it has that nice brushed aluminum . 434 | 0 16GB of RAM After all was said and done , I essentially used that $ 450 savings to buy 16GB of RAM , TWO Seagate Momentus XT hybrid drives and an OWC upgrade kit to install the second hard drive . 435 | 0 Seagate Momentus XT hybrid drives After all was said and done , I essentially used that $ 450 savings to buy 16GB of RAM , TWO Seagate Momentus XT hybrid drives and an OWC upgrade kit to install the second hard drive . 436 | 0 OWC upgrade kit After all was said and done , I essentially used that $ 450 savings to buy 16GB of RAM , TWO Seagate Momentus XT hybrid drives and an OWC upgrade kit to install the second hard drive . 437 | 0 hard drive After all was said and done , I essentially used that $ 450 savings to buy 16GB of RAM , TWO Seagate Momentus XT hybrid drives and an OWC upgrade kit to install the second hard drive . 438 | 1 number pad on the keyboard The Dell Inspiron is fast and has a number pad on the keyboard , which I miss on my Apple laptops . 439 | 1 regular hard drive I was concerned that the downgrade to the regular hard drive would make it unacceptably slow but I need not have worried - this machine is the fastest I have ever owned ... 440 | 0 CD slot This one still has the CD slot . 441 | 0 HDMI port No HDMI port . 442 | -1 install Mountain Lion I had to install Mountain Lion and it took a good two hours . 443 | -1 Customization Customization on mac is impossible . 444 | 0 HD I am replacing the HD with a Micron SSD soon . 445 | 0 Micron SSD I am replacing the HD with a Micron SSD soon . 446 | 1 two finger clicking Plus two finger clicking as a replacement for the right click button is surprisingly intuitive . 447 | 0 right click button Plus two finger clicking as a replacement for the right click button is surprisingly intuitive . 448 | 1 SuperDrive The SuperDrive is quiet . 449 | -1 power plug The power plug has to be connected to the power adaptor to charge the battery but wo n't stay connected . 450 | 0 power adaptor The power plug has to be connected to the power adaptor to charge the battery but wo n't stay connected . 451 | 0 battery The power plug has to be connected to the power adaptor to charge the battery but wo n't stay connected . 452 | -1 battery The battery was completely dead , in fact it had grown about a quarter inch thick lump on the underside . 453 | 1 practicality if yo like practicality this is the laptop for you . 454 | 1 OS The OS is great . 455 | 0 monitors I tried several monitors and several HDMI cables and this was the case each time . 456 | 0 HDMI cables I tried several monitors and several HDMI cables and this was the case each time . 457 | -1 Price CONS : Price is a bit ridiculous , kinda heavy . 458 | 0 AC adaptor The troubleshooting said it was the AC adaptor so we ordered a new one . 459 | 0 Fan Fan only comes on when you are playing a game . 460 | 0 playing a game Fan only comes on when you are playing a game . 461 | 0 USB 2 ports Which it did not have , only 3 USB 2 ports . 462 | 0 startup disk No startup disk was not included but that may be my fault . 463 | 0 "tools" menu There is no "tools" menu . 464 | -1 word program It is very fast and has everything that I need except for a word program . 465 | 0 CD/DVD drive Needs a CD/DVD drive and a bigger power switch . 466 | -1 power switch Needs a CD/DVD drive and a bigger power switch . 467 | -1 Windows 7 My laptop with Windows 7 crashed and I did not want Windows 8 . 468 | -1 Windows 8 My laptop with Windows 7 crashed and I did not want Windows 8 . 469 | 1 install Easy to install also small to leave anywhere at your bedroom also very easy to configure for ADSl cable or wifi . 470 | 1 configure for ADSl cable or wifi Easy to install also small to leave anywhere at your bedroom also very easy to configure for ADSl cable or wifi . 471 | 1 packing Nice packing . 472 | 1 windows I switched to this because I wanted something different , even though I miss windows . 473 | -1 iDVD Apple no longer includes iDVD with the computer and furthermore , Apple does n't even offer it anymore ! 474 | 1 Windows 7 I also wanted Windows 7 , which this one has . 475 | -1 Mac system At first , I feel a little bit uncomfortable in using the Mac system . 476 | 0 windows I am used to computers with windows so I am having a little difficulty finding my way around . 477 | 1 works It just works out of the box and you have a lot of cool software included with the OS . 478 | 1 software It just works out of the box and you have a lot of cool software included with the OS . 479 | 0 OS It just works out of the box and you have a lot of cool software included with the OS . 480 | 1 works its as advertised on here ... it works great and is not a waste of money ! 481 | 1 Runs Runs like a champ ... 482 | 1 price Premium price for the OS more than anything else . 483 | 0 OS Premium price for the OS more than anything else . 484 | 1 touch pad I was a little concerned about the touch pad based on reviews , but I 've found it fine to work with . 485 | 0 headphones The sound as mentioned earlier is n't the best , but it can be solved with headphones . 486 | 1 OS However , the experience was great since the OS does not become unstable and the application will simply shutdown and reopen . 487 | 1 application However , the experience was great since the OS does not become unstable and the application will simply shutdown and reopen . 488 | -1 price If you ask me , for this price it should be included . 489 | -1 battery The battery is not as shown in the product photos . 490 | 1 Shipping Shipping was quick and product described was the product sent and so much more ... 491 | 1 retina display display the retina display display make pictures i took years ago jaw dropping . 492 | 1 compact computing The Mac Mini is probably the simplest example of compact computing out there . 493 | 0 performance and feature set of the hardware Instead , I 'll focus more on the actual performance and feature set of the hardware itself so you can make an educated decision on which Mac to buy . 494 | 0 ports Other ports include FireWire 800 , Gigabit Ethernet , MagSafe port , Microphone jack . 495 | 0 FireWire 800 Other ports include FireWire 800 , Gigabit Ethernet , MagSafe port , Microphone jack . 496 | 0 Gigabit Ethernet Other ports include FireWire 800 , Gigabit Ethernet , MagSafe port , Microphone jack . 497 | 0 MagSafe port Other ports include FireWire 800 , Gigabit Ethernet , MagSafe port , Microphone jack . 498 | 0 Microphone jack Other ports include FireWire 800 , Gigabit Ethernet , MagSafe port , Microphone jack . 499 | -1 ventilation system Additionally , there is barely a ventilation system in the computer , and even the simple activity of watching videos let alone playing steam games causes the laptop to get very very hot , and in fact impossible to keep on lap . 500 | 0 watching videos Additionally , there is barely a ventilation system in the computer , and even the simple activity of watching videos let alone playing steam games causes the laptop to get very very hot , and in fact impossible to keep on lap . 501 | 0 playing steam games Additionally , there is barely a ventilation system in the computer , and even the simple activity of watching videos let alone playing steam games causes the laptop to get very very hot , and in fact impossible to keep on lap . 502 | 0 Acer support Chatting with Acer support , I was advised the problem was corrupted operating system files . 503 | 0 operating system files Chatting with Acer support , I was advised the problem was corrupted operating system files . 504 | 0 keys It 's been a couple weeks since the purchase and I 'm struggle with finding the correct keys -LRB- but that was expected -RRB- . 505 | -1 OS Many people complain about the new OS , and it 's urgent for Apple to fix it asap ! 506 | 1 Lion Now that I have upgraded to Lion I am much happier about MAC OS and have just bought an iMac for office . 507 | 1 MAC OS Now that I have upgraded to Lion I am much happier about MAC OS and have just bought an iMac for office . 508 | 1 RAM User upgradeable RAM and HDD . 509 | 1 HDD User upgradeable RAM and HDD . 510 | 1 CD/DVD player But I wanted the Pro for the CD/DVD player . 511 | 0 os.x I was a little worry at first because I do n't have a lot of experience with os.x and windows has always been second nature to me after many years of using windows . 512 | 1 windows I was a little worry at first because I do n't have a lot of experience with os.x and windows has always been second nature to me after many years of using windows . 513 | 0 windows I was a little worry at first because I do n't have a lot of experience with os.x and windows has always been second nature to me after many years of using windows . 514 | 0 OS With the softwares supporting the use of other OS makes it much better . 515 | 0 softwares With the softwares supporting the use of other OS makes it much better . 516 | 0 Mac OS X 10.8 "Mountain Lion" I then upgraded to Mac OS X 10.8 "Mountain Lion" . 517 | 1 performance I was considering buying the Air , but in reality , this one has a more powerful performance and seems much more convenient , even though it 's about .20 inch thicker and 2 lbs heavier . 518 | 0 built in screen size At home and the office it gets plugged into an external 24 '' LCD screen , so built in screen size is not terribly important . 519 | 0 external 24" LCD screen At home and the office it gets plugged into an external 24" LCD screen , so built in screen size is not terribly important . 520 | -1 install software Just beware no DVD slot so when I went to install software I had on CD I could n't . 521 | 0 DVD slot Just beware no DVD slot so when I went to install software I had on CD I could n't . 522 | 0 word processing program I bought it to be able to dedicate a small , portable laptop to my writing and was surprised to learn that I needed to buy a word processing program to do so . 523 | 0 third-generation CPU ("Ivy Bridge") This version of MacBook Pro runs on a third-generation CPU ("Ivy Bridge") , not the latest fourth-generation Haswell CPU the 2013 version has . 524 | 0 fourth-generation Haswell CPU This version of MacBook Pro runs on a third-generation CPU -LRB- `` Ivy Bridge '' -RRB- , not the latest fourth-generation Haswell CPU the 2013 version has . 525 | 0 Cd Rom No Cd Rom in the new version there 's no way I 'm spending that kind of money on something has less features than the older version . 526 | -1 features No Cd Rom in the new version there 's no way I 'm spending that kind of money on something has less features than the older version . 527 | -1 volume the volume is really low to low for a laptopwas not expectin t volume to be so lowan i hate that about this computer 528 | -1 volume the volume is really low to low for a laptopwas not expectin t volume to be so lowan i hate that about this computer 529 | 0 case and its not hard to accidentally bang it against something so i recommend getting a case to protect it . 530 | 1 price I got this at an amazing price from Amazon and it arrived just in time . 531 | -1 log into the system Every time I log into the system after a few hours , there is this endlessly frustrating process that I have to go through . 532 | 0 21" LED screen Put a SSD and use a 21" LED screen , this set up is silky smooth ! 533 | 0 SSD Put a SSD and use a 21 '' LED screen , this set up is silky smooth ! 534 | 1 set up Put a SSD and use a 21 '' LED screen , this set up is silky smooth ! 535 | -1 case The case is now slightly larger than the previous generation , but the lack of an external power supply justifies the small increase in size . 536 | 0 external power supply The case is now slightly larger than the previous generation , but the lack of an external power supply justifies the small increase in size . 537 | 0 wireless mouse I had to buy a wireless mouse to go with it , as I am old school and hate the pad , but knew that before I bought it , now it works great , need to get adjusted to the key board , as I am used to a bigger one and pounding . 538 | -1 pad I had to buy a wireless mouse to go with it , as I am old school and hate the pad , but knew that before I bought it , now it works great , need to get adjusted to the key board , as I am used to a bigger one and pounding . 539 | 1 works I had to buy a wireless mouse to go with it , as I am old school and hate the pad , but knew that before I bought it , now it works great , need to get adjusted to the key board , as I am used to a bigger one and pounding . 540 | 0 key board I had to buy a wireless mouse to go with it , as I am old school and hate the pad , but knew that before I bought it , now it works great , need to get adjusted to the key board , as I am used to a bigger one and pounding . 541 | 0 cost of ownership When considering a Mac , look at the total cost of ownership and not just the initial price tag . 542 | 0 price tag When considering a Mac , look at the total cost of ownership and not just the initial price tag . 543 | 1 features Has all the other features I wanted including a VGA port , HDMI , ethernet and 3 USB ports . 544 | 0 VGA port Has all the other features I wanted including a VGA port , HDMI , ethernet and 3 USB ports . 545 | 0 HDMI Has all the other features I wanted including a VGA port , HDMI , ethernet and 3 USB ports . 546 | 0 ethernet Has all the other features I wanted including a VGA port , HDMI , ethernet and 3 USB ports . 547 | 0 USB ports Has all the other features I wanted including a VGA port , HDMI , ethernet and 3 USB ports . 548 | -1 rubber pads The only thing I dislike about this laptop are the rubber pads found on the bottom of the computer for grip . 549 | 0 price It 's a decent computer for the price and hopefully it will last a long time . 550 | 1 heat output The nicest part is the low heat output and ultra quiet operation . 551 | 1 operation The nicest part is the low heat output and ultra quiet operation . 552 | 1 upgrade the ram I will upgrade the ram myself -LRB- because with this model you can you can do it -RRB- later on . 553 | 1 price The price is 200 dollars down . 554 | 0 built-in mic this Mac Mini does not have a built-in mic , and it would seem that its Mac OS 10.9 does not handle external microphones properly . 555 | -1 Mac OS 10.9 this Mac Mini does not have a built-in mic , and it would seem that its Mac OS 10.9 does not handle external microphones properly . 556 | 0 external microphones this Mac Mini does not have a built-in mic , and it would seem that its Mac OS 10.9 does not handle external microphones properly . 557 | 0 features A lot of features and shortcuts on the MBP that I was never exposed to on a normal PC . 558 | 0 shortcuts A lot of features and shortcuts on the MBP that I was never exposed to on a normal PC . 559 | 1 IOS system Was n't sure if I was going to like it much less love it so I went to a local best buy and played around with the IOS system on a Mac Pro and it was totally unique and different . 560 | 1 resolution air has higher resolution but the fonts are small . 561 | -1 fonts air has higher resolution but the fonts are small . 562 | 1 working working with Mac is so much easier , so many cool features . 563 | 1 features working with Mac is so much easier , so many cool features . 564 | 1 brightness I like the brightness and adjustments . 565 | 1 adjustments I like the brightness and adjustments . 566 | 0 CD/DVD player I only wish this mac had a CD/DVD player built in . 567 | -1 backlit keys The only thing I miss is that my old Alienware laptop had backlit keys . 568 | 0 "Home/End" type keys The only thing I miss are the "Home/End" type keys and other things that I grew accustomed to after so long . 569 | 0 Microsoft Word So happy with this purchase , I just wish it came with Microsoft Word . 570 | 1 memory It has enough memory and speed to run my business with all the flexibility that comes with a laptop . 571 | 1 speed It has enough memory and speed to run my business with all the flexibility that comes with a laptop . 572 | 1 flexibility It has enough memory and speed to run my business with all the flexibility that comes with a laptop . 573 | 1 speed The speed , the simplicity , the design . . it is lightyears ahead of any PC I have ever owned . 574 | 1 simplicity The speed , the simplicity , the design . . it is lightyears ahead of any PC I have ever owned . 575 | 1 design The speed , the simplicity , the design . . it is lightyears ahead of any PC I have ever owned . 576 | 1 battery life The battery life is excellent , the display is excellent , and downloading apps is a breeze . 577 | 1 display The battery life is excellent , the display is excellent , and downloading apps is a breeze . 578 | 1 downloading apps The battery life is excellent , the display is excellent , and downloading apps is a breeze . 579 | 1 screen The screen , the software and the smoothness of the operating system . 580 | 1 software The screen , the software and the smoothness of the operating system . 581 | 1 operating system The screen , the software and the smoothness of the operating system . 582 | 0 slim plastic case i have dropped mine a couple times with only a slim plastic case covering it . 583 | 0 recovery USB stick I also made a recovery USB stick . 584 | -1 bass But with this laptop , the bass is very weak and the sound comes out sounding tinny . 585 | -1 sound But with this laptop , the bass is very weak and the sound comes out sounding tinny . 586 | 1 built quality The built quality is really good , I was so Happy and excited about this Product . 587 | 1 performance I am loving the fast performance also . 588 | -1 Bluetooth interface Further , this Mac Mini has a sloppy Bluetooth interface -LRB- courtesy of the Mac OS -RRB- and the range is poor . 589 | -1 Mac OS Further , this Mac Mini has a sloppy Bluetooth interface -LRB- courtesy of the Mac OS -RRB- and the range is poor . 590 | -1 range Further , this Mac Mini has a sloppy Bluetooth interface -LRB- courtesy of the Mac OS -RRB- and the range is poor . 591 | 0 start menu If you start on the far right side and scroll to your left the start menu will automatically come up . 592 | -1 RAM My only gripe would be the need to add more RAM . 593 | 0 touch screen Fine if you have a touch screen . 594 | 0 games As far as user type - I dabble in everything from games -LRB- WoW -RRB- to Photoshop , but nothing professionally . 595 | 0 Photoshop As far as user type - I dabble in everything from games -LRB- WoW -RRB- to Photoshop , but nothing professionally . 596 | 0 "WLAN" card I re-seated the "WLAN" card inside and re-installed the LAN device drivers . 597 | 0 LAN device drivers I re-seated the `` WLAN '' card inside and re-installed the LAN device drivers . 598 | 1 built This by far beats any computer out on the market today built well , battery life AMAZING . 599 | 1 battery life This by far beats any computer out on the market today built well , battery life AMAZING . 600 | 1 OS The OS is easy , and offers all kinds of surprises . 601 | 0 Apple Customer Support I had to get Apple Customer Support to correct the problem . 602 | 1 Firewire 800 A veryimportant feature is Firewire 800 which in my experience works better then USB3 -LRB- in PC enabled with USB3 -RRB- I was not originally sold on the MAC OS I felt it was inferior in many ways To Windows 7 . 603 | -1 USB3 A veryimportant feature is Firewire 800 which in my experience works better then USB3 -LRB- in PC enabled with USB3 -RRB- I was not originally sold on the MAC OS I felt it was inferior in many ways To Windows 7 . 604 | 0 USB3 A veryimportant feature is Firewire 800 which in my experience works better then USB3 -LRB- in PC enabled with USB3 -RRB- I was not originally sold on the MAC OS I felt it was inferior in many ways To Windows 7 . 605 | -1 MAC OS A veryimportant feature is Firewire 800 which in my experience works better then USB3 -LRB- in PC enabled with USB3 -RRB- I was not originally sold on the MAC OS I felt it was inferior in many ways To Windows 7 . 606 | 1 Windows 7 A veryimportant feature is Firewire 800 which in my experience works better then USB3 -LRB- in PC enabled with USB3 -RRB- I was not originally sold on the MAC OS I felt it was inferior in many ways To Windows 7 . 607 | 1 iTunes I like iTunes , the apparent security , the Mini form factor , all the nice graphics stuff . 608 | 1 security I like iTunes , the apparent security , the Mini form factor , all the nice graphics stuff . 609 | 1 Mini form factor I like iTunes , the apparent security , the Mini form factor , all the nice graphics stuff . 610 | 1 graphics stuff I like iTunes , the apparent security , the Mini form factor , all the nice graphics stuff . 611 | -1 card reader The first time I used the card reader it took half an hour and a pair of tweezers to remove the card . 612 | -1 remove the card The first time I used the card reader it took half an hour and a pair of tweezers to remove the card . 613 | 0 spinning hard disk After replacing the spinning hard disk with an ssd drive , my mac is just flying . 614 | 1 ssd drive After replacing the spinning hard disk with an ssd drive , my mac is just flying . 615 | 0 HDMI I know some people complained about HDMI issues but they released a firmware patch to address that issue . 616 | 0 firmware patch I know some people complained about HDMI issues but they released a firmware patch to address that issue . 617 | 0 specs With the needs of a professional photographer I generally need to keep up with the best specs . 618 | 1 packing packing and everything was perfect 619 | 0 mother boards I called Toshiba where I gave them the serial number and they informed me that they were having issues with the mother boards . 620 | -1 Mother Board I seem to be having repeat problems as the Mother Board in this one is diagnosed as faulty , related to the graphics card . 621 | -1 graphics card I seem to be having repeat problems as the Mother Board in this one is diagnosed as faulty , related to the graphics card . 622 | 0 4G of RAM It also comes with 4G of RAM but if you 're like me you want to max that out so I immediately put 8G of RAM in her and I 've never used a computer that performs better . 623 | 0 8G of RAM It also comes with 4G of RAM but if you 're like me you want to max that out so I immediately put 8G of RAM in her and I 've never used a computer that performs better . 624 | 1 performs It also comes with 4G of RAM but if you 're like me you want to max that out so I immediately put 8G of RAM in her and I 've never used a computer that performs better . 625 | 1 virtual home schooling This computer is also awesome for my sons virtual home schooling . 626 | -1 Cost Cost is more as compared to other brands . 627 | 1 operating system also ... - excellent operating system - size and weight for optimal mobility - excellent durability of the battery - the functions provided by the trackpad is unmatched by any other brand - 628 | 1 size also ... - excellent operating system - size and weight for optimal mobility - excellent durability of the battery - the functions provided by the trackpad is unmatched by any other brand - 629 | 1 weight also ... - excellent operating system - size and weight for optimal mobility - excellent durability of the battery - the functions provided by the trackpad is unmatched by any other brand - 630 | 1 mobility also ... - excellent operating system - size and weight for optimal mobility - excellent durability of the battery - the functions provided by the trackpad is unmatched by any other brand - 631 | 1 durability of the battery also ... - excellent operating system - size and weight for optimal mobility - excellent durability of the battery - the functions provided by the trackpad is unmatched by any other brand - 632 | 1 functions provided by the trackpad also ... - excellent operating system - size and weight for optimal mobility - excellent durability of the battery - the functions provided by the trackpad is unmatched by any other brand - 633 | 1 hardware This hardware seems to be better than the iMac in that it is n't $ 1400 and smaller . 634 | 0 software I 've had it for about 2 months now and found no issues with software or updates . 635 | 0 updates I 've had it for about 2 months now and found no issues with software or updates . 636 | 0 disc drive the latest version does not have a disc drive . 637 | 1 Screen Screen - although some people might complain about low res which I think is ridiculous . 638 | 1 res Screen - although some people might complain about low res which I think is ridiculous . 639 | -------------------------------------------------------------------------------- /dataset/Restaurants_Test_Gold.txt: -------------------------------------------------------------------------------- 1 | 1 bread The bread is top notch as well . 2 | 1 delivery times I have to say they have one of the fastest delivery times in the city . 3 | 1 Food Food is always fresh and hot - ready to eat ! 4 | 1 coffee Did I mention that the coffee is OUTSTANDING ? 5 | 1 place Certainly not the best sushi in New York , however , it is always fresh , and the place is very clean , sterile . 6 | 1 people I trust the people at Go Sushi , it never disappoints . 7 | 1 Japanese food Straight-forward , no surprises , very decent Japanese food . 8 | 1 asian salad BEST spicy tuna roll , great asian salad . 9 | 1 spicy tuna roll BEST spicy tuna roll , great asian salad . 10 | 1 rose roll Try the rose roll -LRB- not on menu -RRB- . 11 | 0 menu Try the rose roll -LRB- not on menu -RRB- . 12 | 1 drinks I love the drinks , esp lychee martini , and the food is also VERY good . 13 | 1 lychee martini I love the drinks , esp lychee martini , and the food is also VERY good . 14 | 1 food I love the drinks , esp lychee martini , and the food is also VERY good . 15 | -1 Nicoise salad In fact , this was not a Nicoise salad and was barely eatable . 16 | 1 menu While there 's a decent menu , it should n't take ten minutes to get your drinks and 45 for a dessert pizza . 17 | 0 drinks While there 's a decent menu , it should n't take ten minutes to get your drinks and 45 for a dessert pizza . 18 | 0 dessert pizza While there 's a decent menu , it should n't take ten minutes to get your drinks and 45 for a dessert pizza . 19 | 1 food Once we sailed , the top-notch food and live entertainment sold us on a unforgettable evening . 20 | 1 live entertainment Once we sailed , the top-notch food and live entertainment sold us on a unforgettable evening . 21 | -1 waiter Our waiter was horrible ; so rude and disinterested . 22 | -1 sangria The sangria 's - watered down . 23 | -1 menu menu - uneventful , small . 24 | 1 sushi Anytime and everytime I find myself in the neighborhood I will go to Sushi Rose for fresh sushi and great portions all at a reasonable price . 25 | 1 portions Anytime and everytime I find myself in the neighborhood I will go to Sushi Rose for fresh sushi and great portions all at a reasonable price . 26 | 1 price Anytime and everytime I find myself in the neighborhood I will go to Sushi Rose for fresh sushi and great portions all at a reasonable price . 27 | 1 food Great food but the service was dreadful ! 28 | -1 service Great food but the service was dreadful ! 29 | 0 portions of the food The portions of the food that came out were mediocre . 30 | -1 waitress's the two waitress's looked like they had been sucking on lemons . 31 | 1 staff memebers From the beginning , we were met by friendly staff memebers , and the convienent parking at Chelsea Piers made it easy for us to get to the boat . 32 | 1 parking From the beginning , we were met by friendly staff memebers , and the convienent parking at Chelsea Piers made it easy for us to get to the boat . 33 | 1 desserts We enjoyed ourselves thoroughly and will be going back for the desserts ... 34 | 1 Desserts Desserts are almost incredible : my personal favorite is their Tart of the Day . 35 | 1 Tart of the Day Desserts are almost incredible : my personal favorite is their Tart of the Day . 36 | 1 food The food was extremely tasty , creatively presented and the wine excellent . 37 | 1 wine The food was extremely tasty , creatively presented and the wine excellent . 38 | 1 LASAGNA THE LASAGNA WAS PROBABLY THE BEST I HAVE TASTED . 39 | 1 array of sushi Harumi Sushi has the freshest and most delicious array of sushi in NYC . 40 | 1 cuisine I highly recommend it for not just its superb cuisine , but also for its friendly owners and staff . 41 | 1 owners I highly recommend it for not just its superb cuisine , but also for its friendly owners and staff . 42 | 1 staff I highly recommend it for not just its superb cuisine , but also for its friendly owners and staff . 43 | 1 indian food If you 're craving some serious indian food and desire a cozy ambiance , this is quite and exquisite choice . 44 | 1 ambiance If you 're craving some serious indian food and desire a cozy ambiance , this is quite and exquisite choice . 45 | 1 food I definitely enjoyed the food as well . 46 | 1 service It was pleasantly uncrowded , the service was delightful , the garden adorable , the food -LRB- from appetizers to entrees -RRB- was delectable . 47 | 1 garden It was pleasantly uncrowded , the service was delightful , the garden adorable , the food -LRB- from appetizers to entrees -RRB- was delectable . 48 | 1 food It was pleasantly uncrowded , the service was delightful , the garden adorable , the food -LRB- from appetizers to entrees -RRB- was delectable . 49 | 1 appetizers It was pleasantly uncrowded , the service was delightful , the garden adorable , the food -LRB- from appetizers to entrees -RRB- was delectable . 50 | 1 entrees It was pleasantly uncrowded , the service was delightful , the garden adorable , the food -LRB- from appetizers to entrees -RRB- was delectable . 51 | 1 food The food is surprisingly good , and the decor is nice . 52 | 1 decor The food is surprisingly good , and the decor is nice . 53 | -1 lunch How pretentious and inappropriate for MJ Grill to claim that it provides power lunch and dinners ! 54 | -1 dinners How pretentious and inappropriate for MJ Grill to claim that it provides power lunch and dinners ! 55 | -1 steaks Two wasted steaks -- what a crime ! 56 | -1 staff The staff should be a bit more friendly . 57 | 1 meatball parm I think the meatball parm is good . 58 | 1 latin food If you want good tasting , well seasoned latin food eat at Cabana and you ca n't go wrong . 59 | 1 taglierini with truffles Definitely try the taglierini with truffles - it was incredible . 60 | 1 staff Also , the staff is very attentive and really personable . 61 | 1 gnocchi The gnocchi literally melts in your mouth ! 62 | 1 staff Had a great experience at Trio ... staff was pleasant ; food was tasty and large in portion size - I would highly recommend the portobello/gorgonzola/sausage appetizer and the lobster risotto . 63 | 1 food Had a great experience at Trio ... staff was pleasant ; food was tasty and large in portion size - I would highly recommend the portobello/gorgonzola/sausage appetizer and the lobster risotto . 64 | 1 portion size Had a great experience at Trio ... staff was pleasant ; food was tasty and large in portion size - I would highly recommend the portobello/gorgonzola/sausage appetizer and the lobster risotto . 65 | 1 portobello/gorgonzola/sausage appetizer Had a great experience at Trio ... staff was pleasant ; food was tasty and large in portion size - I would highly recommend the portobello/gorgonzola/sausage appetizer and the lobster risotto . 66 | 1 lobster risotto Had a great experience at Trio ... staff was pleasant ; food was tasty and large in portion size - I would highly recommend the portobello/gorgonzola/sausage appetizer and the lobster risotto . 67 | 0 Entrees Entrees include classics like lasagna , fettuccine Alfredo and chicken parmigiana . 68 | 0 lasagna Entrees include classics like lasagna , fettuccine Alfredo and chicken parmigiana . 69 | 0 fettuccine Alfredo Entrees include classics like lasagna , fettuccine Alfredo and chicken parmigiana . 70 | 0 chicken parmigiana Entrees include classics like lasagna , fettuccine Alfredo and chicken parmigiana . 71 | 1 food The food is good , the teriyaki I recommend . 72 | 1 teriyaki The food is good , the teriyaki I recommend . 73 | -1 Meal Meal was very expensive for what you get . 74 | 1 Peanut Butter Sorbet Try the Peanut Butter Sorbet and the pizza with soy cheese ! 75 | 1 pizza with soy cheese Try the Peanut Butter Sorbet and the pizza with soy cheese ! 76 | 1 food Good food at the right price , what more can you ask for . 77 | 1 price Good food at the right price , what more can you ask for . 78 | 1 food The food is top notch , the service is attentive , and the atmosphere is great . 79 | 1 service The food is top notch , the service is attentive , and the atmosphere is great . 80 | 1 atmosphere The food is top notch , the service is attentive , and the atmosphere is great . 81 | 1 food Great food , great waitstaff , great atmosphere , and best of all GREAT beer ! 82 | 1 waitstaff Great food , great waitstaff , great atmosphere , and best of all GREAT beer ! 83 | 1 atmosphere Great food , great waitstaff , great atmosphere , and best of all GREAT beer ! 84 | 1 beer Great food , great waitstaff , great atmosphere , and best of all GREAT beer ! 85 | 1 food this is still one of my most favorite restaurants in the area the food is inexpensive but very good -LRB- kimono shrimp special was excellent -RRB- and has a great atmosphere . 86 | 1 kimono shrimp special this is still one of my most favorite restaurants in the area the food is inexpensive but very good -LRB- kimono shrimp special was excellent -RRB- and has a great atmosphere . 87 | 1 atmosphere this is still one of my most favorite restaurants in the area the food is inexpensive but very good -LRB- kimono shrimp special was excellent -RRB- and has a great atmosphere . 88 | 1 menu The menu is interesting and quite reasonably priced . 89 | 1 priced The menu is interesting and quite reasonably priced . 90 | 1 food The food was delicious and clearly fresh ingredients were used . 91 | 1 ingredients The food was delicious and clearly fresh ingredients were used . 92 | -1 food This made it obvious that the food was n't cooked fresh ; it was obviously made before hand and then reheated . 93 | 1 Appetizer Appetizer are excellent here ; you can make a great -LRB- and inexpensive -RRB- meal out of them . 94 | 1 meal Appetizer are excellent here ; you can make a great -LRB- and inexpensive -RRB- meal out of them . 95 | 1 spicy mussels The spicy mussels are a highlight . 96 | 1 Onion Rings Also get the Onion Rings -- best we 've ever had . 97 | -1 food However , being foodies , we were utterly disappointed with the food . 98 | 1 portions Huge portions , great and attentive service , and pretty good prices . 99 | 1 service Huge portions , great and attentive service , and pretty good prices . 100 | 1 prices Huge portions , great and attentive service , and pretty good prices . 101 | -1 service I was highly disappointed by their service and food . 102 | -1 food I was highly disappointed by their service and food . 103 | -1 waiter I complained to the waiter and then to the manager , but the intensity of rudeness from them just went up . 104 | -1 manager I complained to the waiter and then to the manager , but the intensity of rudeness from them just went up . 105 | 1 food The food is great and the milkshakes are even better ! 106 | 1 milkshakes The food is great and the milkshakes are even better ! 107 | 1 mushroom barley soup the mushroom barley soup is amazing . 108 | 1 food I 'm glad I did as the food was very good and the staff was friendly , courteous and efficient . 109 | 1 staff I 'm glad I did as the food was very good and the staff was friendly , courteous and efficient . 110 | 1 duck Their duck here is also absolutely delicious . 111 | 1 drinks While it was large and a bit noisy , the drinks were fantastic , and the food was superb . 112 | 1 food While it was large and a bit noisy , the drinks were fantastic , and the food was superb . 113 | -1 curried casseroles One caveat : Some of the curried casseroles can be a trifle harsh . 114 | 1 food The food was almost always EXCELLENT . 115 | 1 taste I was pleasently surprised at the taste . 116 | 1 seafood A nice space , as long as it does n't get too crowded and a singleminded devotion to its chosen cuisine make Mare a great choice for seafood lovers . 117 | 1 cuisine A nice space , as long as it does n't get too crowded and a singleminded devotion to its chosen cuisine make Mare a great choice for seafood lovers . 118 | 0 orange donut I never had an orange donut before so I gave it a shot . 119 | 1 atmosphere they really provide a relaxing , laid-back atmosphere . 120 | -1 meats This particular location certainly uses substandard meats . 121 | -1 Management The Management was less than accomodating . 122 | 1 ambience The ambience is also more laid-back and relaxed . 123 | 1 teas the teas are great and all the sweets are homemade . 124 | 1 sweets the teas are great and all the sweets are homemade . 125 | 1 mojitos mojitos and the service are the best part in there 126 | 1 service mojitos and the service are the best part in there 127 | 1 Sandwiches Sandwiches , burgers and salads , like the lemon-dressed cobb , are classic successes . 128 | 1 burgers Sandwiches , burgers and salads , like the lemon-dressed cobb , are classic successes . 129 | 1 salads Sandwiches , burgers and salads , like the lemon-dressed cobb , are classic successes . 130 | 1 lemon-dressed cobb Sandwiches , burgers and salads , like the lemon-dressed cobb , are classic successes . 131 | 1 design The design is very intimate and romantic . 132 | 1 food The food was wonderful and imaginative . 133 | 1 staff The staff is very sharp and they look good too . 134 | -1 taste The worst though was the taste . 135 | -1 fajita The fajita we tried was tasteless and burned and the mole sauce was way too sweet . 136 | -1 mole sauce The fajita we tried was tasteless and burned and the mole sauce was way too sweet . 137 | 1 roasted chickens Stay with the roasted chickens and you 'll be fine . 138 | 1 atmosphere The atmosphere is warm , comfortable , artsy and sexy . 139 | 1 food The food is great -LRB- big selection , reasonable prices -RRB- and the drinks are really good . 140 | 1 selection The food is great -LRB- big selection , reasonable prices -RRB- and the drinks are really good . 141 | 1 prices The food is great -LRB- big selection , reasonable prices -RRB- and the drinks are really good . 142 | 1 drinks The food is great -LRB- big selection , reasonable prices -RRB- and the drinks are really good . 143 | 1 steak The steak melted in my mouth . 144 | 1 waiters The food did take a few extra minutes to come , but the cute waiters ' jokes and friendliness made up for it . 145 | 0 food The food did take a few extra minutes to come , but the cute waiters ' jokes and friendliness made up for it . 146 | 1 priced Most importantly , it is reasonably priced . 147 | 1 selection of food The selection of food is excellent -LRB- I 'm not used to having much choice at restaurants -RRB- , and the atmosphere is great . 148 | 1 atmosphere The selection of food is excellent -LRB- I 'm not used to having much choice at restaurants -RRB- , and the atmosphere is great . 149 | -1 dessert Only suggestion is that you skip the dessert , it was overpriced and fell short on taste . 150 | -1 taste Only suggestion is that you skip the dessert , it was overpriced and fell short on taste . 151 | 1 Food Food was decent , but not great . 152 | -1 hot dog i dont know what some people who rave about this hot dog are talking about . 153 | 1 bar it is a hidden delight complete with a quaint bar and good food . 154 | 1 food it is a hidden delight complete with a quaint bar and good food . 155 | -1 waiters The waiters ALWAYS look angry and even ignore their high-tipping regulars . 156 | 1 atmosphere the atmosphere is very nice , and a welcome escape from the rest of the SI mall . 157 | 1 food Yes , they 're a bit more expensive then typical , but then again , so is their food . 158 | 1 wraps I can say that the wraps , burgers and salads were all fresh , tasty and the mango margareta at $ 9 was WELL WORTH the money . 159 | 1 burgers I can say that the wraps , burgers and salads were all fresh , tasty and the mango margareta at $ 9 was WELL WORTH the money . 160 | 1 salads I can say that the wraps , burgers and salads were all fresh , tasty and the mango margareta at $ 9 was WELL WORTH the money . 161 | 1 mango margareta I can say that the wraps , burgers and salads were all fresh , tasty and the mango margareta at $ 9 was WELL WORTH the money . 162 | 1 prices Anywhere else , the prices would be 3x as high ! 163 | 1 service The service we experienced was friendly and good . 164 | 1 waiter Our waiter was friendly and it is a shame that he didnt have a supportive staff to work with . 165 | -1 staff Our waiter was friendly and it is a shame that he didnt have a supportive staff to work with . 166 | -1 folding chair The folding chair I was seated at was uncomfortable . 167 | 1 Service Service was among the best I have ever had in NYC . 168 | 1 fettucino alfredo The fettucino alfredo was amazing . 169 | 1 food The food was very good and I was pleasantly surprised to see so many vegan options . 170 | 1 vegan options The food was very good and I was pleasantly surprised to see so many vegan options . 171 | -1 Indian food I know real Indian food and this was n't it . 172 | 1 Smoked Trout Be sure to try the Smoked Trout ... Lamb Chops , Veal Chops , Rabbit , the potato gratin , on and on and on ... 173 | 1 Lamb Chops Be sure to try the Smoked Trout ... Lamb Chops , Veal Chops , Rabbit , the potato gratin , on and on and on ... 174 | 1 Veal Chops Be sure to try the Smoked Trout ... Lamb Chops , Veal Chops , Rabbit , the potato gratin , on and on and on ... 175 | 1 Rabbit Be sure to try the Smoked Trout ... Lamb Chops , Veal Chops , Rabbit , the potato gratin , on and on and on ... 176 | 1 potato gratin Be sure to try the Smoked Trout ... Lamb Chops , Veal Chops , Rabbit , the potato gratin , on and on and on ... 177 | 0 chef Even when the chef is not in the house , the food and service are right on target . 178 | 1 food Even when the chef is not in the house , the food and service are right on target . 179 | 1 service Even when the chef is not in the house , the food and service are right on target . 180 | 1 eggs benedict Everything from the eggs benedict to the mussels and even the hamburger were done well and very tasty . 181 | 1 mussels Everything from the eggs benedict to the mussels and even the hamburger were done well and very tasty . 182 | 1 hamburger Everything from the eggs benedict to the mussels and even the hamburger were done well and very tasty . 183 | 1 waiters The waiters were very professional , courteous and attentive . 184 | -1 falafal The falafal was rather over cooked and dried but the chicken was fine . 185 | 1 chicken The falafal was rather over cooked and dried but the chicken was fine . 186 | 1 grand marnier shrimp I highly reccomend the grand marnier shrimp , it 's insanely good . 187 | 1 food We been there and we really enjoy the food , was areally great food , and the service was really good . 188 | 1 food We been there and we really enjoy the food , was areally great food , and the service was really good . 189 | 1 service We been there and we really enjoy the food , was areally great food , and the service was really good . 190 | 0 Desserts Desserts include flan and sopaipillas . 191 | 0 flan Desserts include flan and sopaipillas . 192 | 0 sopaipillas Desserts include flan and sopaipillas . 193 | -1 portions I was starving and the small portions were driving me crazy ! 194 | -1 wait staff The wait staff was loud and inconsiderate . 195 | -1 food However , the food and service and dramatically lacking . 196 | -1 service However , the food and service and dramatically lacking . 197 | -1 sushi The sushi is cut in blocks bigger than my cell phone . 198 | 1 service The service is great , my soup always arrives nice and hot . 199 | 1 soup The service is great , my soup always arrives nice and hot . 200 | 1 crepes It had been awhile and I forgot just how delicious crepes can be . 201 | 1 desserts Montparnasse 's desserts -- especially the silken creme brulee and paper-thin apple tart -- are good enough on their own to make the restaurant worth the trip . 202 | 1 creme brulee Montparnasse 's desserts -- especially the silken creme brulee and paper-thin apple tart -- are good enough on their own to make the restaurant worth the trip . 203 | 1 apple tart Montparnasse 's desserts -- especially the silken creme brulee and paper-thin apple tart -- are good enough on their own to make the restaurant worth the trip . 204 | 1 shrimp creole i had a delicious shrimp creole . 205 | 1 chicken dinner The chicken dinner was real good . 206 | -1 chili signed food items Beware of the chili signed food items not unless you want to call the fire department to douse the flames in your mouth . 207 | 0 decor The decor is designed in a contemporary Japanese style restaurant . 208 | 1 food but the food was delicious . 209 | 1 coconut rice Try the ribs , sizzling beef and couple it with coconut rice . 210 | 1 ribs Try the ribs , sizzling beef and couple it with coconut rice . 211 | 1 beef Try the ribs , sizzling beef and couple it with coconut rice . 212 | 1 avocado salad The avocado salad is a personal fave . 213 | 1 honey BBQ rib tips And , the honey BBQ rib tips are yummy ! 214 | 1 Chinese food The BEST Chinese food Uptown ! 215 | 1 Service Service is known for bending over backwards to make everyone happy . 216 | 1 staff The staff is very friendly . 217 | 1 Waiters Waiters are very friendly and the pasta is out of this world . 218 | 1 pasta Waiters are very friendly and the pasta is out of this world . 219 | 1 wine list Great wine list and great cocktail menu . 220 | 1 cocktail menu Great wine list and great cocktail menu . 221 | 1 crab cakes The crab cakes are delicious and the BBQ rib was perfect . 222 | 1 BBQ rib The crab cakes are delicious and the BBQ rib was perfect . 223 | 1 food The food is wonderful , artfully done and simply delicious . 224 | 1 service Tiny restaurant with very fast service . 225 | 1 service My husband and I have been there at least 6 times and we 've always been given the highest service and often free desserts . 226 | 1 desserts My husband and I have been there at least 6 times and we 've always been given the highest service and often free desserts . 227 | 1 atmosphere A beautiful atmosphere , perfect for drinks and/or appetizers . 228 | 0 drinks A beautiful atmosphere , perfect for drinks and/or appetizers . 229 | 0 appetizers A beautiful atmosphere , perfect for drinks and/or appetizers . 230 | 1 pizza They make the best pizza in New Jersey . 231 | 1 service What a difference , the service was very comforting and the food was better than average , but what really standed out was such a dynamic and extensive beer list . 232 | 1 food What a difference , the service was very comforting and the food was better than average , but what really standed out was such a dynamic and extensive beer list . 233 | 1 beer list What a difference , the service was very comforting and the food was better than average , but what really standed out was such a dynamic and extensive beer list . 234 | -1 chinese food Frankly , the chinese food here is something I can make better at home . 235 | 0 waiter There was only one waiter for the whole restaurant upstairs . 236 | 0 scallops We started with the scallops and asparagus and also had the soft shell crab as well as the cheese plate . 237 | 0 asparagus We started with the scallops and asparagus and also had the soft shell crab as well as the cheese plate . 238 | 0 soft shell crab We started with the scallops and asparagus and also had the soft shell crab as well as the cheese plate . 239 | 0 cheese plate We started with the scallops and asparagus and also had the soft shell crab as well as the cheese plate . 240 | 1 service Not to be overlooked , the service is excellent . 241 | -1 hotdogs this without question is one of the worst hotdogs i have ever had . 242 | 1 staff The staff is unbelievably friendly , and I dream about their Saag gosht ... so good . 243 | 1 Saag gosht The staff is unbelievably friendly , and I dream about their Saag gosht ... so good . 244 | 1 garlic knots I also recommend the garlic knots . 245 | 1 Indian food Best Indian food I have ever eaten . 246 | 1 pizza This place has the best pizza . 247 | -1 music The music which is sometimes a little too heavy for my taste . 248 | 1 service The service is excellent and always informative without an air . 249 | 1 owner The owner and staff go to great lengths to make you feel comfortable . 250 | 1 staff The owner and staff go to great lengths to make you feel comfortable . 251 | 1 sushi The sushi is always fresh and yummy and the menu is pretty varied . 252 | 1 menu The sushi is always fresh and yummy and the menu is pretty varied . 253 | 1 food The food was great - sushi was good , but the cooked food amazed us . 254 | 1 sushi The food was great - sushi was good , but the cooked food amazed us . 255 | 1 cooked food The food was great - sushi was good , but the cooked food amazed us . 256 | 1 dinner specials their dinner specials are fantastic . 257 | 1 food Great food , great drinks , nice dining atmosphere . 258 | 1 drinks Great food , great drinks , nice dining atmosphere . 259 | 1 dining atmosphere Great food , great drinks , nice dining atmosphere . 260 | -1 price For the price you pay for the food here , you 'd expect it to be at least on par with other Japanese restaurants . 261 | -1 food For the price you pay for the food here , you 'd expect it to be at least on par with other Japanese restaurants . 262 | -1 Food portion Food portion was SMALL and below average . 263 | 1 chairs Sit back in one of those comfortable chairs . 264 | 1 Tacos Pastor My favs here are the Tacos Pastor and the Tostada de Tinga ... 265 | 1 Tostada de Tinga My favs here are the Tacos Pastor and the Tostada de Tinga ... 266 | 1 bartenders The bartenders and the managers are really nice and the decor is very comfy and laid-back , all the while being trendy . 267 | 1 managers The bartenders and the managers are really nice and the decor is very comfy and laid-back , all the while being trendy . 268 | 1 decor The bartenders and the managers are really nice and the decor is very comfy and laid-back , all the while being trendy . 269 | 1 hot and sour soup For a savory take on the soup and sandwich meal , try the hot and sour soup . 270 | 1 soup and sandwich meal For a savory take on the soup and sandwich meal , try the hot and sour soup . 271 | 1 drinks This bar has it all - great drinks , cool atmosphere , excellent service and delicious food . 272 | 1 atmosphere This bar has it all - great drinks , cool atmosphere , excellent service and delicious food . 273 | 1 service This bar has it all - great drinks , cool atmosphere , excellent service and delicious food . 274 | 1 food This bar has it all - great drinks , cool atmosphere , excellent service and delicious food . 275 | 1 chick peas with shrimp (appetizer) Also , the chick peas with shrimp (appetizer) is divine . 276 | -1 service Finally , I got sick of the bad service , obnoxious smirks , and snotty back talk . 277 | 1 lamb We ordered lamb which was perfectly cooked and tasted awesome . 278 | 1 soft shell crab sandwich with fries i especially like their soft shell crab sandwich with fries . 279 | 1 hong kong-style food if you 're looking for authentic hong kong-style food , look no further . 280 | 1 food good food good wine that 's it . 281 | 1 wine good food good wine that 's it . 282 | 1 staff The staff was extremely friendly and pleasant . 283 | 1 kitchen food While their kitchen food is delicious , their Sushi is out of this world . 284 | 1 Sushi While their kitchen food is delicious , their Sushi is out of this world . 285 | 1 service everything is scrumptious , from the excellent service by cute waitresses , to the extremely lush atmosphere . 286 | 1 waitresses everything is scrumptious , from the excellent service by cute waitresses , to the extremely lush atmosphere . 287 | 1 atmosphere everything is scrumptious , from the excellent service by cute waitresses , to the extremely lush atmosphere . 288 | 1 italian food It 's traditional , simple italian food . 289 | 1 food The food is all-around good , with the rolls usually excellent and the sushi/sashimi not quite on the same level . 290 | 1 rolls The food is all-around good , with the rolls usually excellent and the sushi/sashimi not quite on the same level . 291 | 0 sushi/sashimi The food is all-around good , with the rolls usually excellent and the sushi/sashimi not quite on the same level . 292 | -1 sashimi -LRB- The sashimi is cut a little thinly . 293 | -1 price Could have had better for 1/3 the price in Chinatown . 294 | 1 hot dogs In addition to great hot dogs , DOTP has wonderful breakfast sandwiches that feature , in addition to great things like tator tots and English muffins , a delicious NJ-based pork product know to us Jersey girls and boys as Taylor ham . 295 | 1 breakfast sandwiches In addition to great hot dogs , DOTP has wonderful breakfast sandwiches that feature , in addition to great things like tator tots and English muffins , a delicious NJ-based pork product know to us Jersey girls and boys as Taylor ham . 296 | 1 tator tots In addition to great hot dogs , DOTP has wonderful breakfast sandwiches that feature , in addition to great things like tator tots and English muffins , a delicious NJ-based pork product know to us Jersey girls and boys as Taylor ham . 297 | 1 English muffins In addition to great hot dogs , DOTP has wonderful breakfast sandwiches that feature , in addition to great things like tator tots and English muffins , a delicious NJ-based pork product know to us Jersey girls and boys as Taylor ham . 298 | 1 Taylor ham In addition to great hot dogs , DOTP has wonderful breakfast sandwiches that feature , in addition to great things like tator tots and English muffins , a delicious NJ-based pork product know to us Jersey girls and boys as Taylor ham . 299 | 1 pork product In addition to great hot dogs , DOTP has wonderful breakfast sandwiches that feature , in addition to great things like tator tots and English muffins , a delicious NJ-based pork product know to us Jersey girls and boys as Taylor ham . 300 | -1 manager Well , it happened because of a graceless manager and a rude bartender who had us waiting 20 minutes for drinks , and then tells us to chill out . 301 | -1 bartender Well , it happened because of a graceless manager and a rude bartender who had us waiting 20 minutes for drinks , and then tells us to chill out . 302 | 0 drinks Well , it happened because of a graceless manager and a rude bartender who had us waiting 20 minutes for drinks , and then tells us to chill out . 303 | -1 waiting Well , it happened because of a graceless manager and a rude bartender who had us waiting 20 minutes for drinks , and then tells us to chill out . 304 | 1 service Not only is the service great , but forming conversation around a table is so easy beacuse the atmosphere can be both romantic and comfortable . 305 | 1 atmosphere Not only is the service great , but forming conversation around a table is so easy beacuse the atmosphere can be both romantic and comfortable . 306 | -1 green chillis When the dish arrived it was blazing with green chillis , definitely not edible by a human . 307 | -1 dish When the dish arrived it was blazing with green chillis , definitely not edible by a human . 308 | -1 service The absolute worst service I 've ever experienced and the food was below average -LRB- when they actually gave people the meals they ordered -RRB- . 309 | -1 food The absolute worst service I 've ever experienced and the food was below average -LRB- when they actually gave people the meals they ordered -RRB- . 310 | 0 meals The absolute worst service I 've ever experienced and the food was below average -LRB- when they actually gave people the meals they ordered -RRB- . 311 | 0 lunch It 's about $ 7 for lunch and they have take-out or dine-in . 312 | 0 take-out It 's about $ 7 for lunch and they have take-out or dine-in . 313 | 0 dine-in It 's about $ 7 for lunch and they have take-out or dine-in . 314 | 0 food Be sure to accompany your food with one of their fresh juice concoctions . 315 | 1 fresh juice concoctions Be sure to accompany your food with one of their fresh juice concoctions . 316 | 1 food The food is great and the prices are reasonable . 317 | 1 prices The food is great and the prices are reasonable . 318 | 1 place The place is clean , and if you like soul food , then this is the place to be ! 319 | 1 soul food The place is clean , and if you like soul food , then this is the place to be ! 320 | 0 roast chicken I had roast chicken and a salad . 321 | 0 salad I had roast chicken and a salad . 322 | 1 chicken with avocado They have a very good chicken with avocado and good tuna as well . 323 | 1 tuna They have a very good chicken with avocado and good tuna as well . 324 | -1 meals But the meals were terrible . 325 | -1 chicken My chicken was completely dried out and on the cold side and the sauce was not very flavorful . 326 | -1 sauce My chicken was completely dried out and on the cold side and the sauce was not very flavorful . 327 | 1 Malted Milk Ball Gelato Malted Milk Ball Gelato - have you ever in your life heard of anything so ridiculously wonderful ? 328 | -1 meal Way too much money for such a terrible meal . 329 | -1 service However , the service is absolutely horrible . 330 | -1 bar service A con was the slow bar service . 331 | 1 Dessert Dessert was also to die for ! 332 | 1 service BTW , the service is very good . 333 | 0 black vinegar It 's eaten with black vinegar and shredded ginger . 334 | 0 shredded ginger It 's eaten with black vinegar and shredded ginger . 335 | -1 lighting The unattractive lighting made me want to gag , the food was overpriced , there was the most awful disco pop duo performing-and my escargot looked like it might crawl off the plate . 336 | -1 food The unattractive lighting made me want to gag , the food was overpriced , there was the most awful disco pop duo performing-and my escargot looked like it might crawl off the plate . 337 | -1 disco pop duo The unattractive lighting made me want to gag , the food was overpriced , there was the most awful disco pop duo performing-and my escargot looked like it might crawl off the plate . 338 | -1 escargot The unattractive lighting made me want to gag , the food was overpriced , there was the most awful disco pop duo performing-and my escargot looked like it might crawl off the plate . 339 | 1 place it is a cozy place to go with a couple of friends . 340 | 1 service The service is always great , and the owner walks around to make sure you enjoy . 341 | 1 owner The service is always great , and the owner walks around to make sure you enjoy . 342 | -1 waiters because the waiters need SEVERE ATTITUE ADJUSTMENTS . 343 | 1 food the food is delicious and highly recommended . 344 | -1 waiter When it came time to take the order the waiter gave us a hard time , walked away then came back with a paper and pen for us to write down what we wanted ... excuse me but is n't that his job ??? 345 | 1 salads Dieters stick to salads or indulge in vegetarian platters . 346 | 1 vegetarian platters Dieters stick to salads or indulge in vegetarian platters . 347 | 1 meal So for a filling and healthy meal give it a go . 348 | 0 food Since I cook for a living , I 'm very fussy about the food I eat in restaurants . 349 | 1 service The service was outstanding . 350 | 0 pizza My friends and I stop here for pizza before hitting the Kips Bay movie theater . 351 | 1 pizza We always enjoy the pizza . 352 | 1 service The service is pretty good . 353 | 1 chicken Yum , the chicken is great here . 354 | 1 food The food here was great , a treat from beginning to end . 355 | 1 host (owner) The host (owner) and servers are personable and caring . 356 | 1 servers The host -LRB- owner -RRB- and servers are personable and caring . 357 | 1 food It 's just everything ... the food , the atmosphere ... the incrediby kind and gracious hostess . 358 | 1 atmosphere It 's just everything ... the food , the atmosphere ... the incrediby kind and gracious hostess . 359 | 1 hostess It 's just everything ... the food , the atmosphere ... the incrediby kind and gracious hostess . 360 | 1 food The food is very good and the service is great . 361 | 1 service The food is very good and the service is great . 362 | 0 Vietnamese Beef Noodle Soup I usually get one the Vietnamese Beef Noodle Soup . 363 | -1 dining experience We were wondering why they were there to make our dining experience miserable ? 364 | 1 Indian food This place has the best Indian food in New York , hands down . 365 | 1 waiters The waiters are very friendly and helpful and if you frequent they will remember you . 366 | 1 interior Intimate but charming interior with extremely friendly and attentive service . 367 | 1 service Intimate but charming interior with extremely friendly and attentive service . 368 | 1 food The food was as creative as the decor and both worked . 369 | 1 decor The food was as creative as the decor and both worked . 370 | 1 menu The menu is great , with a good selection , and everything that I have tried is absolutely delicious . 371 | 1 selection The menu is great , with a good selection , and everything that I have tried is absolutely delicious . 372 | 1 sauce The sauce is zesty and flavorful and the crust is nice and crispy . 373 | 1 crust The sauce is zesty and flavorful and the crust is nice and crispy . 374 | 1 sushi This place has the best sushi in the city . 375 | 1 selection They have an excellent selection -LRB- the rolls with crab are really great -RRB- . 376 | 1 rolls with crab They have an excellent selection -LRB- the rolls with crab are really great -RRB- . 377 | 1 host Everyone who works there -LRB- the host , the bartender , the servers -RRB- is so helpful . 378 | 1 bartender Everyone who works there -LRB- the host , the bartender , the servers -RRB- is so helpful . 379 | 1 servers Everyone who works there -LRB- the host , the bartender , the servers -RRB- is so helpful . 380 | 1 food And the food is fantastic . 381 | 1 potato spinach gnocchi Favourites include : potato spinach gnocchi and the lamb . 382 | 1 lamb Favourites include : potato spinach gnocchi and the lamb . 383 | 0 lunch Unfortunately , we chose this spot for lunch as we had done a lot of walking and ended up at the South St Seaport . 384 | 1 sandwiches But regulars know that the sandwiches are the real star here . 385 | 1 port The skillfully chosen Portuguese cheese cart paired with quality port provides the perfect Iberian ending . 386 | 1 Portuguese cheese cart The skillfully chosen Portuguese cheese cart paired with quality port provides the perfect Iberian ending . 387 | 0 burger My friend had a burger and I had these wonderful blueberry pancakes . 388 | 1 blueberry pancakes My friend had a burger and I had these wonderful blueberry pancakes . 389 | 1 food We were so happy with our food and were even more thrilled when we saw the bill . 390 | 1 bill We were so happy with our food and were even more thrilled when we saw the bill . 391 | 1 toppings All toppings are so fresh you 'd think they had their own vegetable garden and the crust is so perfect , that one actually thinks of how it was made . 392 | 1 crust All toppings are so fresh you 'd think they had their own vegetable garden and the crust is so perfect , that one actually thinks of how it was made . 393 | 1 service We 've always gotten amazing service and we love the food . 394 | 1 food We 've always gotten amazing service and we love the food . 395 | 1 waitstaff The waitstaff is solicitous and friendly and always seems glad to see us , and the food is wonderful , if not stunningly creative . 396 | 1 food The waitstaff is solicitous and friendly and always seems glad to see us , and the food is wonderful , if not stunningly creative . 397 | 1 lobster ravioli I 'm in love with the lobster ravioli ! 398 | 1 meal We came across this restaurant by accident while at a DUMBO art festival and thoroughly enjoyed our meal . 399 | 1 Service Service is excellent , no wait , and you get a lot for the price . 400 | 1 price Service is excellent , no wait , and you get a lot for the price . 401 | 1 wait Service is excellent , no wait , and you get a lot for the price . 402 | -1 food I thought the food is n't cheap at all compared to Chinatown . 403 | 1 Coffee Coffee is a better deal than overpriced Cosi sandwiches . 404 | -1 Cosi sandwiches Coffee is a better deal than overpriced Cosi sandwiches . 405 | 0 drink We did n't know if we should order a drink or leave ? 406 | 1 prices -RRB- It 's not the best Japanese restaurant in the East Village , but it 's a pretty solid one for its modest prices , and worth repeat visits . 407 | 1 food The food is so good and so popular that waiting can really be a nightmare . 408 | -1 waiting The food is so good and so popular that waiting can really be a nightmare . 409 | 1 place First walking in the place seemed to have great ambience . 410 | 1 ambience First walking in the place seemed to have great ambience . 411 | 0 brunch I went to Kitchenette this weekend for brunch . 412 | 1 food Even for two very hungry people there is plenty of food left to be taken home -LRB- it reheats really well also -RRB- . 413 | -1 crust Then they somehow made a dry and burnt crust , around a raw and cold inside . 414 | 1 food It 's just good food , nothing more and that 's all we want ! 415 | -1 cake Average cake thats been courted by a LOT of hype . 416 | 0 dinner My wife and I recently visited the bistro for dinner and had a wonderful experience . 417 | 1 SERVICE THE SERVICE IS PERFECT TOO NOTHING WRONG IN THIS ITALIAN/FRENCH RESTAURANT 418 | -1 Delmonico steak The $ 72 Delmonico steak had to be sent back because it was not cooked to order . 419 | -1 menu Everytime I go there I ca n't pick anything to eat and not because the menu is filled with great things to eat . 420 | 0 rice Half a chicken with a mountain of rice and beans for $ 6.25 . 421 | 0 beans Half a chicken with a mountain of rice and beans for $ 6.25 . 422 | 0 chicken Half a chicken with a mountain of rice and beans for $ 6.25 . 423 | 1 service The service is really fast and friendly , and the value is great . 424 | 1 value The service is really fast and friendly , and the value is great . 425 | 1 food We were very impressed with the food and value . 426 | 1 value We were very impressed with the food and value . 427 | 1 garlic soup You must try the garlic soup ! 428 | 1 falafel Casablanca servces delicious falafel , tabouleh , humus and other Mediterranean delights , which are all very inexpensive . 429 | 1 tabouleh Casablanca servces delicious falafel , tabouleh , humus and other Mediterranean delights , which are all very inexpensive . 430 | 1 humus Casablanca servces delicious falafel , tabouleh , humus and other Mediterranean delights , which are all very inexpensive . 431 | 1 Mediterranean delights Casablanca servces delicious falafel , tabouleh , humus and other Mediterranean delights , which are all very inexpensive . 432 | 1 pizza's The pizza's are made fresh , crispy , and ready to serve . 433 | 1 Staff Staff is accomodating make sure you are satified . 434 | 1 Chef Chef Waldy 's always measures up . 435 | 1 sushi Reasonably priced with very fresh sushi . 436 | 1 priced Reasonably priced with very fresh sushi . 437 | 1 Seafood Paella for two Go for the Seafood Paella for two . 438 | 1 apetizers All of the apetizers are good and the Sangria is very good . 439 | 1 Sangria All of the apetizers are good and the Sangria is very good . 440 | 1 service The one positive thing I can say is that the service was prompt , we got seated right away and the server was very friendly . 441 | 1 server The one positive thing I can say is that the service was prompt , we got seated right away and the server was very friendly . 442 | 1 staff The staff greeted me warmly at the door and I was seated promptly and the food was excellent . 443 | 1 food The staff greeted me warmly at the door and I was seated promptly and the food was excellent . 444 | 1 Service Service is usually pretty good . 445 | -1 Host Host and Hostess was quite rude . 446 | -1 Hostess Host and Hostess was quite rude . 447 | 1 wait staff the wait staff is very friendly , if your not rude or picky ... . . our meal at Leon last weekend was great - . 448 | 1 meal the wait staff is very friendly , if your not rude or picky ... . . our meal at Leon last weekend was great - . 449 | 1 salmon dishes I recommend any of their salmon dishes ... . 450 | 1 foie gras The foie gras was sweet and luscious . 451 | 0 menu The menu , which changes seasonally , shows both regional and international influences . 452 | 1 mac cheese but their mac cheese was YUMMY ! 453 | 1 brunch menu their brunch menu had something for everyone . 454 | 1 jazz singer jazz singer had a nice voice + she made us all get up to dance to shake some cals to eat some more . 455 | 1 service They have very quick service which is great when you do n't have much time . 456 | 0 food The food is average : breakfast food , soups , salads , sandwiches , etc. . 457 | 0 breakfast food The food is average : breakfast food , soups , salads , sandwiches , etc. . 458 | 0 soups The food is average : breakfast food , soups , salads , sandwiches , etc. . 459 | 0 salads The food is average : breakfast food , soups , salads , sandwiches , etc. . 460 | 0 sandwiches The food is average : breakfast food , soups , salads , sandwiches , etc. . 461 | -1 FOOD I WAS HIGHLY DISAPPOINTED BY THE FOOD . 462 | -1 BANANA PUDDING THE BANANA PUDDING THEY SERVE HAS NEVER SEEN AN OVEN , THE CRABCAKES ARE WAY OVER SALTED AND DO N'T GET ME STARTED ON THE VERY GREASY MAC AND CHEESE . 463 | -1 CRABCAKES THE BANANA PUDDING THEY SERVE HAS NEVER SEEN AN OVEN , THE CRABCAKES ARE WAY OVER SALTED AND DO N'T GET ME STARTED ON THE VERY GREASY MAC AND CHEESE . 464 | -1 MAC AND CHEESE THE BANANA PUDDING THEY SERVE HAS NEVER SEEN AN OVEN , THE CRABCAKES ARE WAY OVER SALTED AND DO N'T GET ME STARTED ON THE VERY GREASY MAC AND CHEESE . 465 | -1 staff The staff is arrogant , the prices are way high for Brooklyn . 466 | -1 prices The staff is arrogant , the prices are way high for Brooklyn . 467 | 1 service the service is prompt friendly . 468 | 1 food This is literally a hot spot when it comes to the food . 469 | 1 downstairs bar scene The downstairs bar scene is very cool and chill ... 470 | 1 food The food was definitely good , but when all was said and done , I just could n't justify it for the price -LRB- including 2 drinks , $ 100/person -RRB- ... 471 | -1 price The food was definitely good , but when all was said and done , I just could n't justify it for the price -LRB- including 2 drinks , $ 100/person -RRB- ... 472 | 0 drinks The food was definitely good , but when all was said and done , I just could n't justify it for the price -LRB- including 2 drinks , $ 100/person -RRB- ... 473 | 0 casual lunches I 've come here for casual lunches as well as for a friend 's birthday and I always enjoy myself . 474 | 1 Tequila If you are a Tequila fan you will not be disappointed . 475 | 1 beer selection Great beer selection too , something like 50 beers . 476 | 0 beers Great beer selection too , something like 50 beers . 477 | -1 delivary Not to sound too negative but be wary of the delivary . 478 | 1 food I found the food to be just as good as its owner , Da Silvano , just much less expensive . 479 | 1 owner I found the food to be just as good as its owner , Da Silvano , just much less expensive . 480 | 1 homemade pastas They have homemade pastas of all kinds -- I recommend the gnocchi -- yum ! 481 | 1 gnocchi They have homemade pastas of all kinds -- I recommend the gnocchi -- yum ! 482 | -1 vegetable risotto My vegetable risotto was burnt , and infused totally in a burnt flavor . 483 | -1 flavor My vegetable risotto was burnt , and infused totally in a burnt flavor . 484 | 1 price The main draw of this place is the price . 485 | -1 service How can hope to stay in business with service like this ? 486 | 1 dinner But dinner here is never disappointing , even if the prices are a bit over the top . 487 | -1 prices But dinner here is never disappointing , even if the prices are a bit over the top . 488 | 1 sandwiches Not only did they have amazing , sandwiches , soup , pizza etc , but their homemade sorbets are out of this world ! 489 | 1 soup Not only did they have amazing , sandwiches , soup , pizza etc , but their homemade sorbets are out of this world ! 490 | 1 pizza Not only did they have amazing , sandwiches , soup , pizza etc , but their homemade sorbets are out of this world ! 491 | 1 homemade sorbets Not only did they have amazing , sandwiches , soup , pizza etc , but their homemade sorbets are out of this world ! 492 | 1 homemade Guacamole the homemade Guacamole , the unbelievable entree , and thee most amazing deserts . 493 | 1 entree the homemade Guacamole , the unbelievable entree , and thee most amazing deserts . 494 | 1 deserts the homemade Guacamole , the unbelievable entree , and thee most amazing deserts . 495 | 1 sushi The sushi is reasonably priced and fresh . 496 | 1 priced The sushi is reasonably priced and fresh . 497 | 1 deserts Save room for deserts - they 're to die for . 498 | 1 grill Best things to order are from the grill -LRB- Churrasco and Ribs -RRB- . 499 | 1 Churrasco Best things to order are from the grill -LRB- Churrasco and Ribs -RRB- . 500 | 1 Ribs Best things to order are from the grill -LRB- Churrasco and Ribs -RRB- . 501 | 1 traditional Italian items The traditional Italian items are great - cheap and served in a cozy setting . 502 | 1 setting The traditional Italian items are great - cheap and served in a cozy setting . 503 | 1 served The traditional Italian items are great - cheap and served in a cozy setting . 504 | 1 iced blended mocha Whether your choose the iced blended mocha or the hot white mocha you are sure to be extremely happy . 505 | 1 hot white mocha Whether your choose the iced blended mocha or the hot white mocha you are sure to be extremely happy . 506 | 0 late lunch last Tuesday for a late lunch with a friend . 507 | 0 parmesan cheese Another friend had to ask 3 times for parmesan cheese . 508 | -1 waitress Our waitress had apparently never tried any of the food , and there was no one to recommend any wine . 509 | 0 food Our waitress had apparently never tried any of the food , and there was no one to recommend any wine . 510 | 0 wine Our waitress had apparently never tried any of the food , and there was no one to recommend any wine . 511 | -1 service The service was a bit slow and the portions are a bit small so if you are hungry and in a rush , this is not the place for you . 512 | -1 portions The service was a bit slow and the portions are a bit small so if you are hungry and in a rush , this is not the place for you . 513 | 0 salad The unfortunate lady next to us thought she had ordered a salad -LRB- including asking for salad dressing -RRB- and was instead given a quesedilla . 514 | 0 salad dressing The unfortunate lady next to us thought she had ordered a salad -LRB- including asking for salad dressing -RRB- and was instead given a quesedilla . 515 | 0 quesedilla The unfortunate lady next to us thought she had ordered a salad -LRB- including asking for salad dressing -RRB- and was instead given a quesedilla . 516 | 1 pizza's El Nidos one of the best restaurants in New York which I 've ever been to , has a great variety of tasty , mouth watering pizza's . 517 | -1 service The service was pretty poor all around , the food was well below average relative to the cost , and outside there is a crazy bum who harasses every customer who leaves the place . 518 | -1 food The service was pretty poor all around , the food was well below average relative to the cost , and outside there is a crazy bum who harasses every customer who leaves the place . 519 | -1 cost The service was pretty poor all around , the food was well below average relative to the cost , and outside there is a crazy bum who harasses every customer who leaves the place . 520 | 1 food Although I moved uptown I try to stop in as often as possible for the GREAT cheap food and to pay the friendly staff a visit . 521 | 1 staff Although I moved uptown I try to stop in as often as possible for the GREAT cheap food and to pay the friendly staff a visit . 522 | 0 bar I had to wait for my friend at the bar for a few minutes 523 | 1 Chef Chef Vincenzo , always there if you need him , is a real talent and a real Roman . 524 | 1 Indian food If you 're looking to taste some great Indian food and want good service , definitely visit Curry Leaf . 525 | 1 service If you 're looking to taste some great Indian food and want good service , definitely visit Curry Leaf . 526 | 1 Odessa stew You must try Odessa stew or Rabbit stew ; salads-all good ; and kompot is soo refreshing during the hot summer day -LRB- they make it the way my mom does , reminds me of home a lot -RRB- . 527 | 1 Rabbit stew You must try Odessa stew or Rabbit stew ; salads-all good ; and kompot is soo refreshing during the hot summer day -LRB- they make it the way my mom does , reminds me of home a lot -RRB- . 528 | 1 salads You must try Odessa stew or Rabbit stew ; salads - all good ; and kompot is soo refreshing during the hot summer day -LRB- they make it the way my mom does , reminds me of home a lot -RRB- . 529 | 1 kompot You must try Odessa stew or Rabbit stew ; salads-all good ; and kompot is soo refreshing during the hot summer day -LRB- they make it the way my mom does , reminds me of home a lot -RRB- . 530 | 1 lunch My daughter and I left feeling satisfied -LRB- not stuffed -RRB- and it felt good to know we had a healthy lunch . 531 | 0 waitress When she complained , the waitress said , Sorry . 532 | -1 quality of the meat The quality of the meat was on par with your local grocery store . 533 | 1 smoothies They specialize in smoothies and fresh juices . 534 | 1 fresh juices They specialize in smoothies and fresh juices . 535 | 1 black roasted codfish I recommend the black roasted codfish , it was the best dish of the evening . 536 | 1 dish I recommend the black roasted codfish , it was the best dish of the evening . 537 | -1 waiter The manager then told us we could order from whatever menu we wanted but by that time we were so annoyed with the waiter and the resturant that we let and went some place else . 538 | 0 menu The manager then told us we could order from whatever menu we wanted but by that time we were so annoyed with the waiter and the resturant that we let and went some place else . 539 | 0 manager The manager then told us we could order from whatever menu we wanted but by that time we were so annoyed with the waiter and the resturant that we let and went some place else . 540 | -1 taste In mi burrito , here was nothing but dark chicken that had that cooked last week and just warmed up in a microwave taste . 541 | -1 chicken In mi burrito , here was nothing but dark chicken that had that cooked last week and just warmed up in a microwave taste . 542 | 0 reservation during busy hrs , i recommend that you make a reservation . 543 | 0 brunch I went to Common Stock for brunch and I was so impressed . 544 | 0 sushi now called nikki sushi , sushi is OK . 545 | 1 food The food is also outstanding and is served quite quickly . 546 | 1 served The food is also outstanding and is served quite quickly . 547 | 1 erbazzone emiliana From the erbazzone emiliana to the mostarda on the cheese plate , the dishes at this restaurant are all handled with delicate care . 548 | 1 mostarda on the cheese plate From the erbazzone emiliana to the mostarda on the cheese plate , the dishes at this restaurant are all handled with delicate care . 549 | 1 dishes From the erbazzone emiliana to the mostarda on the cheese plate , the dishes at this restaurant are all handled with delicate care . 550 | 1 food The food is delicious and the bar has a great vibe . 551 | 1 bar The food is delicious and the bar has a great vibe . 552 | 1 vibe The food is delicious and the bar has a great vibe . 553 | 0 candlelight There 's candlelight and music . 554 | 0 music There 's candlelight and music . 555 | 1 food Simple healthy unglamorous food cheap . 556 | 1 dining experience It was such a fantastic dining experience , that I returned again the same week . 557 | 1 food To be fair , the food still is good and the service is quick and attentative even though its usually very busy . 558 | 1 service To be fair , the food still is good and the service is quick and attentative even though its usually very busy . 559 | 1 place The place is absolutely adorable and the food is delicious . 560 | 1 food The place is absolutely adorable and the food is delicious . 561 | 0 Chicken Teriyaki I ordered the Chicken Teriyaki and my husband got Garlic Shrimp . 562 | 0 Garlic Shrimp I ordered the Chicken Teriyaki and my husband got Garlic Shrimp . 563 | -1 Japanese food I 've had better Japanese food at a mall food court . 564 | 1 staff members The staff members are extremely friendly and even replaced my drink once when I dropped it outside . 565 | 0 drink The staff members are extremely friendly and even replaced my drink once when I dropped it outside . 566 | 1 atmosphere Cool atmosphere but such a let down . 567 | 1 Sashimi portion The Sashimi portion are big enough to appease most people , but I did n't like the fact they used artifical lobster meat . 568 | -1 artifical lobster meat The Sashimi portion are big enough to appease most people , but I did n't like the fact they used artifical lobster meat . 569 | 1 wheat crusted pizza They have wheat crusted pizza made with really fresh and yummy ingredients . 570 | 1 ingredients They have wheat crusted pizza made with really fresh and yummy ingredients . 571 | 1 dinner Had a lovely dinner in this dedicated seafood joint , food was well-prepared and - presented and the service was pleasant and prompt . 572 | 1 food Had a lovely dinner in this dedicated seafood joint , food was well-prepared and - presented and the service was pleasant and prompt . 573 | 1 service Had a lovely dinner in this dedicated seafood joint , food was well-prepared and - presented and the service was pleasant and prompt . 574 | 1 cake the icing MADE this cake , it was fluffy , not ultra sweet , creamy and light . 575 | -1 staff Finally let into the store 5 at a time , to buy expensive slices from a harried staff . 576 | -1 slices Finally let into the store 5 at a time , to buy expensive slices from a harried staff . 577 | -1 wait staff We ended up having to just leave because we were essentially being ignored by the wait staff -- even though the rest of the restaurant was largely empty . 578 | 1 wine list The wine list is extensive , well priced and covers alot of regions . 579 | 1 priced The wine list is extensive , well priced and covers alot of regions . 580 | 1 salads Go here if you want fresh and tasty salads of any type you can imagine . 581 | 1 bathroom Everything about this place is adorable - even the bathroom ! 582 | 1 delivers Speedy delivers , great food , decent prices , and friendly service combine to ensure an enjoyable repast . 583 | 1 food Speedy delivers , great food , decent prices , and friendly service combine to ensure an enjoyable repast . 584 | 1 prices Speedy delivers , great food , decent prices , and friendly service combine to ensure an enjoyable repast . 585 | 1 service Speedy delivers , great food , decent prices , and friendly service combine to ensure an enjoyable repast . 586 | 1 repast Speedy delivers , great food , decent prices , and friendly service combine to ensure an enjoyable repast . 587 | 0 WAITERS THEY HAVE WAITERS ON THE SIDEWALK TRYING TO PULL YOU IN WHICH MADE US SUSPICIOUS . 588 | 0 ITALIAN MEAL IT WAS OUR ONLY OPPORTUNITY TO VISIT AND WANTED AN AUTHENTIC ITALIAN MEAL . 589 | 1 pizza It took 100 years for Parisi to get around to making pizza -LRB- at least I do n't think they ever made it before this year -RRB- ... but it was worth the wait . 590 | 0 steak I asked for a simple medium rare steak . 591 | 1 organic grilled burgers Generously garnished , organic grilled burgers are the most popular dish , but the Jerusalem market-style falafel wraps and Mediterranean salads -- layered with beets , goat cheese and walnuts -- are equally scrumptious . 592 | 1 dish Generously garnished , organic grilled burgers are the most popular dish , but the Jerusalem market-style falafel wraps and Mediterranean salads -- layered with beets , goat cheese and walnuts -- are equally scrumptious . 593 | 1 Jerusalem market-style falafel wraps Generously garnished , organic grilled burgers are the most popular dish , but the Jerusalem market-style falafel wraps and Mediterranean salads -- layered with beets , goat cheese and walnuts -- are equally scrumptious . 594 | 1 Mediterranean salads--layered with beets, goat cheese and walnuts Generously garnished , organic grilled burgers are the most popular dish , but the Jerusalem market-style falafel wraps and Mediterranean salads--layered with beets, goat cheese and walnuts -- are equally scrumptious . 595 | -1 dining experience Probably my worst dining experience in new york , and I 'm a former waiter so I know what I 'm talking about . 596 | 0 waiter Probably my worst dining experience in new york , and I 'm a former waiter so I know what I 'm talking about . 597 | 1 texture Result -LRB- red velvet -RRB- : Great texture , soft and velvety , nice hint of cocoa . 598 | 1 hint of cocoa Result -LRB- red velvet -RRB- : Great texture , soft and velvety , nice hint of cocoa . 599 | 1 round corner table next to the large window Ask for the round corner table next to the large window . 600 | 1 flavor Their twist on pizza is heatlhy , but full of flavor . 601 | 1 twist on pizza Their twist on pizza is heatlhy , but full of flavor . 602 | -1 AC The lack of AC and the fact that there are a million swarming bodies -LRB- although everyone is polite and no one is pushing -RRB- is a slight turn off . 603 | -1 service I love the Little Pie Company as much as anyone else who has written reviews , but must discourage anyone from visiting the Grand Central location due to their RUDE service from two sales people . 604 | -1 sales people I love the Little Pie Company as much as anyone else who has written reviews , but must discourage anyone from visiting the Grand Central location due to their RUDE service from two sales people . 605 | -1 location Unfortunately , unless you live in the neighborhood , it 's not in a convenient location but is more like a hidden treasure . 606 | -1 display and quality of the food Did n't seem like any effort was made to the display and quality of the food . 607 | 1 food The food -- though mostly deep-fried -- is simple and satisfying . 608 | 1 food Glechik might be way too tiny for a restaurant by Russian standards , but it is cozy and the food is simply GREAT . 609 | 1 food The food was excellent - authentic Italian cuisine made absolutely fresh . 610 | 1 Italian cuisine The food was excellent - authentic Italian cuisine made absolutely fresh . 611 | 1 atmoshere At night the atmoshere changes turning into this hidden jewel that is waiting to be discovered . 612 | 0 booth by the windows The other times I 've gone it 's romantic date heaven , you can walk in get a booth by the windows , be treated like a VIP in a not-crowded place , with great food and service . 613 | 1 place The other times I 've gone it 's romantic date heaven , you can walk in get a booth by the windows , be treated like a VIP in a not-crowded place , with great food and service . 614 | 1 food The other times I 've gone it 's romantic date heaven , you can walk in get a booth by the windows , be treated like a VIP in a not-crowded place , with great food and service . 615 | 1 service The other times I 've gone it 's romantic date heaven , you can walk in get a booth by the windows , be treated like a VIP in a not-crowded place , with great food and service . 616 | 1 coffee I would only go for the coffee which is way better than Starbucks or the like . 617 | -1 wine list Somewhat disappointing wine list -LRB- only new vintages . 618 | -1 vintages Somewhat disappointing wine list -LRB- only new vintages . 619 | -1 priced If your looking for nasty high priced food with a dash of ghetto scenery cheap BX A$ $ this is the place to be !! 620 | -1 food If your looking for nasty high priced food with a dash of ghetto scenery cheap BX A$ $ this is the place to be !! 621 | -1 scenery If your looking for nasty high priced food with a dash of ghetto scenery cheap BX A$ $ this is the place to be !! 622 | 1 new hamburger with special sauce new hamburger with special sauce is ok - at least better than big mac ! 623 | -1 big mac new hamburger with special sauce is ok - at least better than big mac ! 624 | 1 pasta Perfectly al dente pasta , not drowned in sauce -- generous portions . 625 | 0 sauce Perfectly al dente pasta , not drowned in sauce -- generous portions . 626 | 1 portions Perfectly al dente pasta , not drowned in sauce -- generous portions . 627 | -1 prices I can understand the prices if it served better food , like some Chinese restaurants in midtown/uptown area . 628 | -1 food I can understand the prices if it served better food , like some Chinese restaurants in midtown/uptown area . 629 | -1 Service Service was awful - mostly because staff were overwhelmed on a Saturday night . 630 | -1 staff Service was awful - mostly because staff were overwhelmed on a Saturday night . 631 | 1 owners To the owners ; good job guys , this place is a keeper ! 632 | 1 owner and the owner is simply lovely and friendly . 633 | 1 place This little place is wonderfully warm welcoming . 634 | 1 meal perfect for a quick meal . 635 | 1 place Has the warmth of a family local yet it is a great place to watch sporting events . 636 | 1 service The service was great , and they have a whole great deal for birthdays . 637 | 1 staff The staff is 100 % Italian and the food is as authentic as it gets . 638 | 1 food The staff is 100 % Italian and the food is as authentic as it gets . 639 | -1 fortune cookies My only complaint might be the fortune cookies - I 've never had a cookie predict bad luck for me before I visited Kar . 640 | -1 cookie My only complaint might be the fortune cookies - I 've never had a cookie predict bad luck for me before I visited Kar . 641 | 1 sushi lunch Good for a quick sushi lunch . 642 | 1 mojito Have a mojito and sit in the back patio . 643 | 1 back patio Have a mojito and sit in the back patio . 644 | -1 service The service was dreadfully slow -LRB- the place was only half full -RRB- and a smile would have been nice ... 645 | 1 meal I went this past Saturday and had a excellent meal of consisting of a braised lamb shank with mashed potatoes . 646 | 1 braised lamb shank with mashed potatoes I went this past Saturday and had a excellent meal of consisting of a braised lamb shank with mashed potatoes . 647 | -1 waitress The waitress came by to pick up the soy sauce WHILE we were eating our lunch !!!!! 648 | 0 soy sauce The waitress came by to pick up the soy sauce WHILE we were eating our lunch !!!!! 649 | 0 lunch The waitress came by to pick up the soy sauce WHILE we were eating our lunch !!!!! 650 | 0 bar So we sat at the bar , the bartender did n't seem like he wanted to be there . 651 | -1 bartender So we sat at the bar , the bartender did n't seem like he wanted to be there . 652 | 1 fried pork dumplings I reccomend the fried pork dumplings , the orange chicken/beef , and the fried rice . 653 | 1 orange chicken/beef I reccomend the fried pork dumplings , the orange chicken/beef , and the fried rice . 654 | 1 fried rice I reccomend the fried pork dumplings , the orange chicken/beef , and the fried rice . 655 | 1 menu You will not be dissapointed by any of the choices in the menu . 656 | 1 french fries -- with the kalmata dip The french fries -- with the kalmata dip were terrific ! 657 | -1 wait Would you ever believe that when you complain about over an hour wait , when they tell you it will be 20-30 minutes , the manager tells the bartender to spill the drinks you just paid for ? 658 | -1 manager Would you ever believe that when you complain about over an hour wait , when they tell you it will be 20-30 minutes , the manager tells the bartender to spill the drinks you just paid for ? 659 | 0 bartender Would you ever believe that when you complain about over an hour wait , when they tell you it will be 20-30 minutes , the manager tells the bartender to spill the drinks you just paid for ? 660 | 0 drinks Would you ever believe that when you complain about over an hour wait , when they tell you it will be 20-30 minutes , the manager tells the bartender to spill the drinks you just paid for ? 661 | 0 boutique selection of wines The boutique selection of wines covers a wide variety without being imposeing . 662 | 1 assortment of wraps They also have a great assortment of wraps if your not in the mood for traditional Mediterranean fare . 663 | 0 traditional Mediterranean fare They also have a great assortment of wraps if your not in the mood for traditional Mediterranean fare . 664 | 1 Fresh veggies Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 665 | 1 middle eastern spreads Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 666 | 1 cheese Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 667 | 1 falafel Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 668 | 1 soup Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 669 | 1 fish Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 670 | 1 rice Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 671 | 1 root vegetables Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 672 | 1 rice medley Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 673 | 1 spinach thing Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 674 | 1 lamb kebabs Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 675 | 1 cheese baclava Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 676 | 1 fooood Fresh veggies , all sorts of middle eastern spreads , cheese and falafel , soup , fish , rice , root vegetables , a rice medley , some spinach thing , lamb kebabs , cheese baclava ... soooo much fooood , and all of it delicious . 677 | 1 Saketini Disappointingly , their wonderful Saketini has been taken off the bar menu . 678 | -1 bar menu Disappointingly , their wonderful Saketini has been taken off the bar menu . 679 | -1 look In Short The Black Sheep distinguishes itself from the Midtown pub herd with a look that 's a mix of sports-bar butch and ornate kitsch . 680 | 1 martinis I would definitely go back -- if only for some of those exotic martinis on the blackboard . 681 | 0 chairs then she made a fuss about not being able to add 1 or 2 chairs on either end of the table for additional people . 682 | 0 table then she made a fuss about not being able to add 1 or 2 chairs on either end of the table for additional people . 683 | 1 happy hour The happy hour is so cheap , but that does not reflect the service or the atmosphere . 684 | 1 service The happy hour is so cheap , but that does not reflect the service or the atmosphere . 685 | 1 atmosphere The happy hour is so cheap , but that does not reflect the service or the atmosphere . 686 | -1 waiter After waiting for almost an hour , the waiter brusquely told us he 'd forgotten to give the kitchen our order . 687 | 0 kitchen After waiting for almost an hour , the waiter brusquely told us he 'd forgotten to give the kitchen our order . 688 | -1 waiting After waiting for almost an hour , the waiter brusquely told us he 'd forgotten to give the kitchen our order . 689 | 1 quaility With all the mundane or mediocre places on 8th avenue it is nice to have one that is a step above in quaility and atmosphere . 690 | 1 atmosphere With all the mundane or mediocre places on 8th avenue it is nice to have one that is a step above in quaility and atmosphere . 691 | -1 space A mix of students and area residents crowd into this narrow , barely there space for its quick , tasty treats at dirt-cheap prices . 692 | 1 prices A mix of students and area residents crowd into this narrow , barely there space for its quick , tasty treats at dirt-cheap prices . 693 | 1 treats A mix of students and area residents crowd into this narrow , barely there space for its quick , tasty treats at dirt-cheap prices . 694 | 0 menu Give it a try , menu is typical French but varied . 695 | 1 seats It gets crowded at lunchtime but there are lots of seats in back and everyone who works there is so nice . 696 | 1 value but for the value , it was a great affordable spot to enjoy a fun night out with small group . 697 | 1 food the negative reviews on city search are probably from jealous competing restaurants who realize they ca n't compete with Temple 's entire positive attitude about the proper way to treat their customers and deliver top quality food . 698 | 1 attitude the negative reviews on city search are probably from jealous competing restaurants who realize they ca n't compete with Temple 's entire positive attitude about the proper way to treat their customers and deliver top quality food . 699 | 0 glass of wine We ordered a glass of wine and were finished eating and paying before the wine came . 700 | 0 flavors It was good , but none of the flavors WOW . 701 | 1 place Overall , this is a nice place to take a few friends to hang out at and the service is excellent . 702 | 1 service Overall , this is a nice place to take a few friends to hang out at and the service is excellent . 703 | 1 Food Food is excellent quality for a good restaurant price . 704 | 1 price Food is excellent quality for a good restaurant price . 705 | 1 burrito for about eleven bucks you get a gigantic burrito -LRB- or tacos -RRB- , margarita , and dessert . 706 | 1 tacos for about eleven bucks you get a gigantic burrito -LRB- or tacos -RRB- , margarita , and dessert . 707 | 0 margarita for about eleven bucks you get a gigantic burrito -LRB- or tacos -RRB- , margarita , and dessert . 708 | 0 dessert for about eleven bucks you get a gigantic burrito -LRB- or tacos -RRB- , margarita , and dessert . 709 | 0 space The space is traditional in feel . 710 | 0 reservations the restaurant was completely empty , but she gave me a dirty look and asked , no reservations ? 711 | -1 food the food was mediocre to be kind - the interior is small and average - the owners are a tag-team of unpleasantries - so rude and snotty i actually let out a hearty guffaw whilst dining . 712 | -1 interior the food was mediocre to be kind - the interior is small and average - the owners are a tag-team of unpleasantries - so rude and snotty i actually let out a hearty guffaw whilst dining . 713 | -1 owners the food was mediocre to be kind - the interior is small and average - the owners are a tag-team of unpleasantries - so rude and snotty i actually let out a hearty guffaw whilst dining . 714 | 0 dining the food was mediocre to be kind - the interior is small and average - the owners are a tag-team of unpleasantries - so rude and snotty i actually let out a hearty guffaw whilst dining . 715 | 1 service Good service , great food , good value , and never have to wait in line ! 716 | 1 food Good service , great food , good value , and never have to wait in line ! 717 | 1 value Good service , great food , good value , and never have to wait in line ! 718 | 1 wait Good service , great food , good value , and never have to wait in line ! 719 | 0 Egg McMuffin sandwich Offerings like hot cakes and the Egg McMuffin sandwich are available for breakfast . 720 | 0 hot cakes Offerings like hot cakes and the Egg McMuffin sandwich are available for breakfast . 721 | 0 breakfast Offerings like hot cakes and the Egg McMuffin sandwich are available for breakfast . 722 | 0 service I have been going to this restaurant for years , in the past the service was average and the food inconsistant . 723 | -1 food I have been going to this restaurant for years , in the past the service was average and the food inconsistant . 724 | 1 music The music was fascinating , but left room for conversation , and the bartender made superb drinks . 725 | 1 bartender The music was fascinating , but left room for conversation , and the bartender made superb drinks . 726 | 1 drinks The music was fascinating , but left room for conversation , and the bartender made superb drinks . 727 | 1 rice dishes rice dishes and noodle dishes rarely exceed $ 5 and add on a refreshing ice drink for $ 2 and you 're set for the night ! 728 | 1 noodle dishes rice dishes and noodle dishes rarely exceed $ 5 and add on a refreshing ice drink for $ 2 and you 're set for the night ! 729 | 1 ice drink rice dishes and noodle dishes rarely exceed $ 5 and add on a refreshing ice drink for $ 2 and you 're set for the night ! 730 | -1 Cuisine Cuisine is billed as asian fusion - does n't meet the bill . 731 | -1 bill Cuisine is billed as asian fusion - does n't meet the bill . 732 | 0 asian fusion Cuisine is billed as asian fusion - does n't meet the bill . 733 | -1 billed Cuisine is billed as asian fusion - does n't meet the bill . 734 | 1 dishes Creative dishes like king crab salad with passion fruit vinaigrette and fettuccine with grilled seafood in a rosemary-orange sauce are unexpected elements on an otherwise predictable bistro menu . 735 | 1 king crab salad with passion fruit vinaigrette Creative dishes like king crab salad with passion fruit vinaigrette and fettuccine with grilled seafood in a rosemary-orange sauce are unexpected elements on an otherwise predictable bistro menu . 736 | 1 fettuccine with grilled seafood in a rosemary-orange sauce Creative dishes like king crab salad with passion fruit vinaigrette and fettuccine with grilled seafood in a rosemary-orange sauce are unexpected elements on an otherwise predictable bistro menu . 737 | 0 bistro menu Creative dishes like king crab salad with passion fruit vinaigrette and fettuccine with grilled seafood in a rosemary-orange sauce are unexpected elements on an otherwise predictable bistro menu . 738 | 1 Dishes Dishes denoted as `` Roy 's Classics '' -LRB- marked on the menu with asterisks -RRB- are tried-and-true recipes , such as macadamia-crusted mahi mahi , or subtly sweet honey-mustard beef short ribs . 739 | 1 "Roy's Classics" Dishes denoted as "Roy's Classics" -LRB- marked on the menu with asterisks -RRB- are tried-and-true recipes , such as macadamia-crusted mahi mahi , or subtly sweet honey-mustard beef short ribs . 740 | 0 menu Dishes denoted as `` Roy 's Classics '' -LRB- marked on the menu with asterisks -RRB- are tried-and-true recipes , such as macadamia-crusted mahi mahi , or subtly sweet honey-mustard beef short ribs . 741 | 1 recipes Dishes denoted as `` Roy 's Classics '' -LRB- marked on the menu with asterisks -RRB- are tried-and-true recipes , such as macadamia-crusted mahi mahi , or subtly sweet honey-mustard beef short ribs . 742 | 1 macadamia-crusted mahi mahi Dishes denoted as `` Roy 's Classics '' -LRB- marked on the menu with asterisks -RRB- are tried-and-true recipes , such as macadamia-crusted mahi mahi , or subtly sweet honey-mustard beef short ribs . 743 | 1 sweet honey-mustard beef short ribs Dishes denoted as `` Roy 's Classics '' -LRB- marked on the menu with asterisks -RRB- are tried-and-true recipes , such as macadamia-crusted mahi mahi , or subtly sweet honey-mustard beef short ribs . 744 | 1 cold sesame noodles The cold sesame noodles , which are a freebie when you order $ 10 + , are delectable . 745 | -1 food I came to fresh expecting a great meal , and all I got was marginally so-so food served in a restaurant that was just so freezing we could n't enjoy eating . 746 | -1 meal I came to fresh expecting a great meal , and all I got was marginally so-so food served in a restaurant that was just so freezing we could n't enjoy eating . 747 | 0 served I came to fresh expecting a great meal , and all I got was marginally so-so food served in a restaurant that was just so freezing we could n't enjoy eating . 748 | -1 argentine chorizo appetizer The lone argentine chorizo appetizer at $ 8.95 was a heavy fennel flavored Italian sausage like the ones that sell for $ 2.99 / lb at the store . 749 | -1 fennel flavored Italian sausage The lone argentine chorizo appetizer at $ 8.95 was a heavy fennel flavored Italian sausage like the ones that sell for $ 2.99 / lb at the store . 750 | 1 dinner I went to Swiftys with some friends of the family and we had a very nice dinner , but nothing amazing . 751 | 1 delivery Best Chinese on the Upper East , prompt delivery , good value . 752 | 1 value Best Chinese on the Upper East , prompt delivery , good value . 753 | 1 sandwiches Most of the sandwiches are made with soy mayonaise which is actually pretty good . 754 | 1 soy mayonaise Most of the sandwiches are made with soy mayonaise which is actually pretty good . 755 | -1 hostess i went in one day asking for a table for a group and was greeted by a very rude hostess . 756 | 0 table i went in one day asking for a table for a group and was greeted by a very rude hostess . 757 | 1 dinner It 's worthwhile to take a cab to Chelsea just for an awesome dinner at My Chelsea . 758 | 1 food Not only is the food authentic , but the staff here are practically off-the-boat , they are young and hip and know what they are doing when it comes to food and wine . 759 | 1 staff Not only is the food authentic , but the staff here are practically off-the-boat , they are young and hip and know what they are doing when it comes to food and wine . 760 | 1 food Not only is the food authentic , but the staff here are practically off-the-boat , they are young and hip and know what they are doing when it comes to food and wine . 761 | 1 wine Not only is the food authentic , but the staff here are practically off-the-boat , they are young and hip and know what they are doing when it comes to food and wine . 762 | 1 music It has good music , nice tapas , an interesting selection of wines -LRB- primarily Spanish -RRB- and a lowkey hip neighborhood clientele . 763 | 1 tapas It has good music , nice tapas , an interesting selection of wines -LRB- primarily Spanish -RRB- and a lowkey hip neighborhood clientele . 764 | 1 selection of wines (primarily Spanish) It has good music , nice tapas , an interesting selection of wines (primarily Spanish) and a lowkey hip neighborhood clientele . 765 | 1 clientele It has good music , nice tapas , an interesting selection of wines -LRB- primarily Spanish -RRB- and a lowkey hip neighborhood clientele . 766 | 1 food The food is great , I love their dumplings , cold sesame noodles , chicken and shrimp dishs . 767 | 1 dumplings The food is great , I love their dumplings , cold sesame noodles , chicken and shrimp dishs . 768 | 1 cold sesame noodles The food is great , I love their dumplings , cold sesame noodles , chicken and shrimp dishs . 769 | 1 chicken The food is great , I love their dumplings , cold sesame noodles , chicken and shrimp dishs . 770 | 1 shrimp dishs The food is great , I love their dumplings , cold sesame noodles , chicken and shrimp dishs . 771 | 1 food And the food , well the food will keep you coming back . 772 | 1 food And the food , well the food will keep you coming back . 773 | 0 entrees Waiting three hours before getting our entrees was a treat as well . 774 | -1 Waiting Waiting three hours before getting our entrees was a treat as well . 775 | 1 place It 's the conversations that make this a fun place to be . 776 | 1 duck confitte My gf 's duck confitte was very solid as well , although i have little base of reference . 777 | 1 wine list The wine list was superb , our tapas delightful , and the quiet atmosphere perfect for good conversation . 778 | 1 tapas The wine list was superb , our tapas delightful , and the quiet atmosphere perfect for good conversation . 779 | 1 atmosphere The wine list was superb , our tapas delightful , and the quiet atmosphere perfect for good conversation . 780 | 1 price You can eat gourmet food at a fast food price . 781 | 1 food You can eat gourmet food at a fast food price . 782 | 1 food I 've eaten at all three locations and I always love , love the food , the service is always wonderful and the prices are really reasonable . 783 | 1 service I 've eaten at all three locations and I always love , love the food , the service is always wonderful and the prices are really reasonable . 784 | 1 prices I 've eaten at all three locations and I always love , love the food , the service is always wonderful and the prices are really reasonable . 785 | 1 food Not because I was pregnant , but the food here is always delicious . 786 | 1 meal Had a great meal there this weekend before heading to the movies ! 787 | 1 food We had a birthday party here recently and the food and service was amazing . 788 | 1 service We had a birthday party here recently and the food and service was amazing . 789 | 1 dinner menu the dinner menu offers a variety of great entrees , including fresh seafood and huge steaks , there 's also a couple of non-meat alternatives . 790 | 1 entrees the dinner menu offers a variety of great entrees , including fresh seafood and huge steaks , there 's also a couple of non-meat alternatives . 791 | 1 seafood the dinner menu offers a variety of great entrees , including fresh seafood and huge steaks , there 's also a couple of non-meat alternatives . 792 | 1 steaks the dinner menu offers a variety of great entrees , including fresh seafood and huge steaks , there 's also a couple of non-meat alternatives . 793 | 0 non-meat alternatives the dinner menu offers a variety of great entrees , including fresh seafood and huge steaks , there 's also a couple of non-meat alternatives . 794 | -1 menu This place has the strangest menu and the restaurants tries too hard to make fancy food . 795 | -1 food This place has the strangest menu and the restaurants tries too hard to make fancy food . 796 | 0 appetizers The appetizers are ok , but the service is slow . 797 | -1 service The appetizers are ok , but the service is slow . 798 | -1 food the food - not worth the price . 799 | -1 price the food - not worth the price . 800 | -1 waitress What can you say about a place where the waitress brings out the wrong entree , then verbally assaults your 80 year old grandmother and gives her lip about sending it back -LRB- which she did politely , by the way -RRB- . 801 | 0 entree What can you say about a place where the waitress brings out the wrong entree , then verbally assaults your 80 year old grandmother and gives her lip about sending it back -LRB- which she did politely , by the way -RRB- . 802 | 1 prices The prices are not terrible . 803 | -1 bill 15 % gratuity automatically added to the bill . 804 | -1 gratuity 15 % gratuity automatically added to the bill . 805 | 0 halibut cheek appetizer The halibut cheek appetizer came with a generous portion of foie gras , but that 's about the only positive thing I can say about the meal . 806 | 1 portion of foie gras The halibut cheek appetizer came with a generous portion of foie gras , but that 's about the only positive thing I can say about the meal . 807 | 1 Food Food is excellent and they also have empenadas and plaintains which are good for an afternoon snack . 808 | 1 empenadas Food is excellent and they also have empenadas and plaintains which are good for an afternoon snack . 809 | 1 plaintains Food is excellent and they also have empenadas and plaintains which are good for an afternoon snack . 810 | 1 afternoon snack Food is excellent and they also have empenadas and plaintains which are good for an afternoon snack . 811 | 1 pasta specials Both a number of the appetizer and pasta specials were amazing . 812 | 1 appetizer Both a number of the appetizer and pasta specials were amazing . 813 | 1 Big Mac All-time favorites include the Big Mac , Chicken McNuggets , Filet-O-Fish sandwich and McDonald 's famous french fries ; lighter options like entree-sized salads are also available . 814 | 1 Chicken McNuggets All-time favorites include the Big Mac , Chicken McNuggets , Filet-O-Fish sandwich and McDonald 's famous french fries ; lighter options like entree-sized salads are also available . 815 | 1 Filet-O-Fish sandwich All-time favorites include the Big Mac , Chicken McNuggets , Filet-O-Fish sandwich and McDonald 's famous french fries ; lighter options like entree-sized salads are also available . 816 | 1 McDonald's famous french fries All-time favorites include the Big Mac , Chicken McNuggets , Filet-O-Fish sandwich and McDonald's famous french fries ; lighter options like entree-sized salads are also available . 817 | 0 entree-sized salads All-time favorites include the Big Mac , Chicken McNuggets , Filet-O-Fish sandwich and McDonald 's famous french fries ; lighter options like entree-sized salads are also available . 818 | 1 pizza It 's a basic pizza joint , not much to look at , but the pizza is what I go for . 819 | -1 Tables Tables are close , so you better be comfortable bumping elbows with other patrons . 820 | 0 lunch Was her Monday for lunch - was working on a film in the area - and found this rare jewel . 821 | 1 scene Not too much so , but enough that there 's a great scene . 822 | 1 blue bar area Dug the blue bar area too . 823 | 0 upstrairs dining area I got the opportunity to dine at your establishment again a few weeks ago , I was in your upstrairs dining area . 824 | 1 veggie burger Meat-phobes are in luck with the extraordinary veggie burger , made from a distinctive blend of chickpeas , carrots and other vegetables and spices . 825 | 1 chickpeas Meat-phobes are in luck with the extraordinary veggie burger , made from a distinctive blend of chickpeas , carrots and other vegetables and spices . 826 | 1 carrots Meat-phobes are in luck with the extraordinary veggie burger , made from a distinctive blend of chickpeas , carrots and other vegetables and spices . 827 | 1 vegetables Meat-phobes are in luck with the extraordinary veggie burger , made from a distinctive blend of chickpeas , carrots and other vegetables and spices . 828 | 1 spices Meat-phobes are in luck with the extraordinary veggie burger , made from a distinctive blend of chickpeas , carrots and other vegetables and spices . 829 | -1 tables At peak times , the restaurant is overcrowded and tables are uncomfortably close . 830 | 1 service The service was on point - what else you would expect from a Ritz ? 831 | 0 Menus Menus feature seasonal picks , like sweet corn-foie gras brulee . 832 | 0 sweet corn-foie gras brulee Menus feature seasonal picks , like sweet corn-foie gras brulee . 833 | 1 Carinthia cheese ravioli with wild mushrooms Innovations are just as assured , from the simple Carinthia cheese ravioli with wild mushrooms to the caviar-topped sturgeon , beautifully matched with a bright green spinach-vodka sauce . 834 | 1 caviar-topped sturgeon Innovations are just as assured , from the simple Carinthia cheese ravioli with wild mushrooms to the caviar-topped sturgeon , beautifully matched with a bright green spinach-vodka sauce . 835 | 1 green spinach-vodka sauce Innovations are just as assured , from the simple Carinthia cheese ravioli with wild mushrooms to the caviar-topped sturgeon , beautifully matched with a bright green spinach-vodka sauce . 836 | 1 burgers And these are not small , wimpy fast food type burgers - these are real , full sized patties . 837 | 1 patties And these are not small , wimpy fast food type burgers - these are real , full sized patties . 838 | 0 lunch There restaurant is very casual , but perfect for lunch , and their delivery service is always very fast . 839 | 1 delivery service There restaurant is very casual , but perfect for lunch , and their delivery service is always very fast . 840 | 1 quality Chinatown definitely has better quality with cheaper prices . 841 | 1 prices Chinatown definitely has better quality with cheaper prices . 842 | 0 staff person I had to flag down a third staff person for a fork ... so now it 's goodbye Little RUDE Pie Company . 843 | 0 fork I had to flag down a third staff person for a fork ... so now it 's goodbye Little RUDE Pie Company . 844 | 1 specials Go with the specials , and stay away from the salmon . 845 | -1 salmon Go with the specials , and stay away from the salmon . 846 | 1 pastas The pastas were pretty good . 847 | -1 Atmosphere Atmosphere is a bore . 848 | 1 decor The decor is what initially got me in the door . 849 | 1 wait staff The wait staff was very attentive and polite . 850 | 1 food Great restaurant , and even greater food ! 851 | 1 dishes The dishes are remarkably tasty and such a cozy and intimate place ! 852 | 1 place The dishes are remarkably tasty and such a cozy and intimate place ! 853 | 1 desserts Save room for the desserts ! ; - -RRB- 854 | 1 food I love the simplicity and respect which was given to the food , as well the staff was freindly and knowledgable . 855 | 1 staff I love the simplicity and respect which was given to the food , as well the staff was freindly and knowledgable . 856 | 1 Service Service was good and so was the atmosphere . 857 | 1 atmosphere Service was good and so was the atmosphere . 858 | 0 Branzini MY date and I both ordered the Branzini and both felt the fish was very average . 859 | -1 fish MY date and I both ordered the Branzini and both felt the fish was very average . 860 | 1 food The food was good , the service prompt , and the price very reasonable . 861 | 1 service The food was good , the service prompt , and the price very reasonable . 862 | 1 price The food was good , the service prompt , and the price very reasonable . 863 | 1 menu Wonderful menu , warm inviting ambiance , great service the FOOD keeps me coming back ! 864 | 1 ambiance Wonderful menu , warm inviting ambiance , great service the FOOD keeps me coming back ! 865 | 1 service Wonderful menu , warm inviting ambiance , great service the FOOD keeps me coming back ! 866 | 1 FOOD Wonderful menu , warm inviting ambiance , great service the FOOD keeps me coming back ! 867 | 1 food Great food , good wine and an excellent host . 868 | 1 wine Great food , good wine and an excellent host . 869 | 1 host Great food , good wine and an excellent host . 870 | 1 Pizzas Pizzas were excellent in addition to appetizers and main courses . 871 | 1 appetizers Pizzas were excellent in addition to appetizers and main courses . 872 | 1 main courses Pizzas were excellent in addition to appetizers and main courses . 873 | 1 calamari Definitely try the calamari , any pasta , or even the Sliced steak entree . 874 | 1 pasta Definitely try the calamari , any pasta , or even the Sliced steak entree . 875 | 1 Sliced steak entree Definitely try the calamari , any pasta , or even the Sliced steak entree . 876 | 1 caeser salad The caeser salad was great . 877 | 1 fried calamari The fried calamari was even better ! 878 | 1 food The food was good overall . 879 | 1 food The food was outstanding and the service was tops . 880 | 1 service The food was outstanding and the service was tops . 881 | 1 portions The portions are very large and the service is fantastic !! 882 | 1 service The portions are very large and the service is fantastic !! 883 | 1 chicken milanese I recomend the chicken milanese . 884 | 1 tapas excellent tapas at great prices , romantic , small but not overly crowed , excellent 885 | 1 prices excellent tapas at great prices , romantic , small but not overly crowed , excellent 886 | 1 chocolate raspberry cake The chocolate raspberry cake is heavenly - not too sweet , but full of flavor . 887 | 1 flavor The chocolate raspberry cake is heavenly - not too sweet , but full of flavor . 888 | 1 waiter Our waiter was helpful and charming , the food was perfect , and the wine was good , too . 889 | 1 food Our waiter was helpful and charming , the food was perfect , and the wine was good , too . 890 | 1 wine Our waiter was helpful and charming , the food was perfect , and the wine was good , too . 891 | 1 MEAL I HAVE NEVER HAD A BAD MEAL -LRB- OR BAD SERVICE -RRB- @ PIGALLE . 892 | 1 SERVICE I HAVE NEVER HAD A BAD MEAL -LRB- OR BAD SERVICE -RRB- @ PIGALLE . 893 | 1 hot dogs Best hot dogs in the tri-state area . 894 | 1 service The service was very attentive and very generous . 895 | 1 food We had tons of great food , wine , and desserts . 896 | 1 wine We had tons of great food , wine , and desserts . 897 | 1 desserts We had tons of great food , wine , and desserts . 898 | 1 dining experience Really Lovely dining experience in the midst of buzzing midtown area . 899 | -1 food The food really is n't very good and the service is terrible . 900 | -1 service The food really is n't very good and the service is terrible . 901 | 1 escargot Not only do they have the best escargot in town , they always try to accomodate our toddler . 902 | 1 menu Between my guest and I , we sampled at least 80 % of the menu , and they were all hits . 903 | 1 Deco The Deco and ambiance was really romantic . 904 | 1 ambiance The Deco and ambiance was really romantic . 905 | 1 french food Just go in and sample the greatest french food west of Daniel . 906 | 1 Indian food For someone who used to hate Indian food , Baluchi 's has changed my mid . 907 | 1 curry Finally a curry that I can eat , enjoy and not suffer from gastritis from 3 hours later . 908 | 1 poori All are GREAT - poori , naan , paratha all FRESH . 909 | 1 naan All are GREAT - poori , naan , paratha all FRESH . 910 | 1 paratha All are GREAT - poori , naan , paratha all FRESH . 911 | 1 homemade breads Try the homemade breads . 912 | 1 sushi This place has beautiful sushi , and it 's delicious CHEAP . 913 | 1 Korean dishes It also has lots of other Korean dishes that are affordable and just as yummy . 914 | 0 prix fixe menu I went for restaurant week and ordered off the prix fixe menu 915 | 1 waiter Not only was the waiter efficient and courteous , but also extremely helpful . 916 | 1 place This place is classy , chic , the service is warm and hospitable , and the food is outstanding . 917 | 1 service This place is classy , chic , the service is warm and hospitable , and the food is outstanding . 918 | 1 food This place is classy , chic , the service is warm and hospitable , and the food is outstanding . 919 | 1 burgers Great burgers , grilled cheeses and french fries . 920 | 1 grilled cheeses Great burgers , grilled cheeses and french fries . 921 | 1 french fries Great burgers , grilled cheeses and french fries . 922 | 1 Yellowfin Tuna The Yellowfin Tuna and Calf 's liver are my favorites ! 923 | 1 Calf's liver The Yellowfin Tuna and Calf's liver are my favorites ! 924 | 1 Sushi Sushi so fresh that it crunches in your mouth . 925 | -1 bill But make sure you have enough room on your credit card as the bill will leave a big dent in your wallet . 926 | 0 steak They bring a sauce cart up to your table and offer you up to 7 or 8 choices of sauces for your steak -LRB- I tried them ALL -RRB- . 927 | 1 choices of sauces They bring a sauce cart up to your table and offer you up to 7 or 8 choices of sauces for your steak -LRB- I tried them ALL -RRB- . 928 | 0 sauce cart They bring a sauce cart up to your table and offer you up to 7 or 8 choices of sauces for your steak -LRB- I tried them ALL -RRB- . 929 | 0 table They bring a sauce cart up to your table and offer you up to 7 or 8 choices of sauces for your steak -LRB- I tried them ALL -RRB- . 930 | 1 sushi Not only was the sushi fresh , they also served other entrees allowed each guest something to choose from and we all left happy -LRB- try the duck ! 931 | 1 duck Not only was the sushi fresh , they also served other entrees allowed each guest something to choose from and we all left happy -LRB- try the duck ! 932 | 0 entrees Not only was the sushi fresh , they also served other entrees allowed each guest something to choose from and we all left happy -LRB- try the duck ! 933 | 1 variety good variety but nothing surprising . 934 | 0 utensils After I paid for my purchase , I noticed they had not given me utensils so I could eat my pie . 935 | 0 pie After I paid for my purchase , I noticed they had not given me utensils so I could eat my pie . 936 | -1 thin crust Likewise if you like really thin crust or really big slices then Nick and Joe 's may not be your favorite . 937 | -1 slices Likewise if you like really thin crust or really big slices then Nick and Joe 's may not be your favorite . 938 | 0 green beans No green beans , no egg , no anchovy dressing , no nicoise olives , no red onion . 939 | 0 egg No green beans , no egg , no anchovy dressing , no nicoise olives , no red onion . 940 | 0 anchovy dressing No green beans , no egg , no anchovy dressing , no nicoise olives , no red onion . 941 | 0 nicoise olives No green beans , no egg , no anchovy dressing , no nicoise olives , no red onion . 942 | 0 red onion No green beans , no egg , no anchovy dressing , no nicoise olives , no red onion . 943 | 0 meal Build a meal with side orders like Amazin ' Greens salads , Buffalo Chicken Kickers and Cinna Stix . 944 | 0 Amazin' Greens salads Build a meal with side orders like Amazin' Greens salads , Buffalo Chicken Kickers and Cinna Stix . 945 | 0 Buffalo Chicken Kickers Build a meal with side orders like Amazin ' Greens salads , Buffalo Chicken Kickers and Cinna Stix . 946 | 0 Cinna Stix Build a meal with side orders like Amazin ' Greens salads , Buffalo Chicken Kickers and Cinna Stix . 947 | 0 side orders Build a meal with side orders like Amazin ' Greens salads , Buffalo Chicken Kickers and Cinna Stix . 948 | 0 fries Thick fries , meaty chili and stuffed baked potatoes round out a menu that includes a cool , ultra-thick chocolate Frosty . 949 | 0 meaty chili Thick fries , meaty chili and stuffed baked potatoes round out a menu that includes a cool , ultra-thick chocolate Frosty . 950 | 0 stuffed baked potatoes Thick fries , meaty chili and stuffed baked potatoes round out a menu that includes a cool , ultra-thick chocolate Frosty . 951 | 0 menu Thick fries , meaty chili and stuffed baked potatoes round out a menu that includes a cool , ultra-thick chocolate Frosty . 952 | 1 chocolate Frosty Thick fries , meaty chili and stuffed baked potatoes round out a menu that includes a cool , ultra-thick chocolate Frosty . 953 | 0 waiter I always find myself asking the waiter to make something bland and different than what is on the menu . 954 | 0 menu I always find myself asking the waiter to make something bland and different than what is on the menu . 955 | -1 cake Good cake BUT : it was not the best cake i 've ever had , and definately not worth standing outside on the sidewalk being herded like cattle by indifferent and overworked employees . 956 | -1 employees Good cake BUT : it was not the best cake i 've ever had , and definately not worth standing outside on the sidewalk being herded like cattle by indifferent and overworked employees . 957 | 0 Cherry Marscapone The closest that I got was the Cherry Marscapone , but they were out of it that day . 958 | 1 roti canai appetizer The homage to India is most evident in the delectable roti canai appetizer , a fried pancake served with pungent curry dipping sauce , while the mango chicken offers a surprisingly sophisticated , fresh take on sweet-and-sour . 959 | 1 mango chicken The homage to India is most evident in the delectable roti canai appetizer , a fried pancake served with pungent curry dipping sauce , while the mango chicken offers a surprisingly sophisticated , fresh take on sweet-and-sour . 960 | 1 fried pancake served with pungent curry dipping sauce The homage to India is most evident in the delectable roti canai appetizer , a fried pancake served with pungent curry dipping sauce , while the mango chicken offers a surprisingly sophisticated , fresh take on sweet-and-sour . 961 | -1 outside It does n't look like much on the outside , but the minute you walk inside , it 's a whole other atmosphere . 962 | 1 atmosphere It does n't look like much on the outside , but the minute you walk inside , it 's a whole other atmosphere . 963 | -1 ground chickpea soup The ground chickpea soup we sampled as a starter tasted somewhat thin . 964 | 0 starter The ground chickpea soup we sampled as a starter tasted somewhat thin . 965 | -1 sushi We requested they re-slice the sushi , and it was returned to us in small cheese-like cubes . 966 | -1 service The service , however , is a peg or two below the quality of food -LRB- horrible bartenders -RRB- , and the clientele , for the most part , are rowdy , loud-mouthed commuters -LRB- this could explain the bad attitudes from the staff -RRB- getting loaded for an AC/DC concert or a Knicks game . 967 | 1 quality of food The service , however , is a peg or two below the quality of food -LRB- horrible bartenders -RRB- , and the clientele , for the most part , are rowdy , loud-mouthed commuters -LRB- this could explain the bad attitudes from the staff -RRB- getting loaded for an AC/DC concert or a Knicks game . 968 | -1 bartenders The service , however , is a peg or two below the quality of food -LRB- horrible bartenders -RRB- , and the clientele , for the most part , are rowdy , loud-mouthed commuters -LRB- this could explain the bad attitudes from the staff -RRB- getting loaded for an AC/DC concert or a Knicks game . 969 | -1 clientele The service , however , is a peg or two below the quality of food -LRB- horrible bartenders -RRB- , and the clientele , for the most part , are rowdy , loud-mouthed commuters -LRB- this could explain the bad attitudes from the staff -RRB- getting loaded for an AC/DC concert or a Knicks game . 970 | -1 staff The service , however , is a peg or two below the quality of food -LRB- horrible bartenders -RRB- , and the clientele , for the most part , are rowdy , loud-mouthed commuters -LRB- this could explain the bad attitudes from the staff -RRB- getting loaded for an AC/DC concert or a Knicks game . 971 | 1 meal If you 're in the neighborhood , definitely stop by for a great meal . 972 | 0 desserts Unfortunately , with our show tickets , we did n't have time to sample any desserts . 973 | -1 tables Make more tables - perhaps a rooftop bar ? 974 | 0 rooftop bar Make more tables - perhaps a rooftop bar ? 975 | 1 decoration The decoration was feeling like we was on the Cairo , actually the street is part of that adventure . 976 | 1 ambience Although small , it has beautiful ambience , excellent food -LRB- the catfish is delicious - if ya do n't mind it a lil salty -RRB- and attentive service . 977 | 1 food Although small , it has beautiful ambience , excellent food -LRB- the catfish is delicious - if ya do n't mind it a lil salty -RRB- and attentive service . 978 | 1 catfish Although small , it has beautiful ambience , excellent food -LRB- the catfish is delicious - if ya do n't mind it a lil salty -RRB- and attentive service . 979 | 1 service Although small , it has beautiful ambience , excellent food -LRB- the catfish is delicious - if ya do n't mind it a lil salty -RRB- and attentive service . 980 | 0 food I did n't go there for food so I ca n't comment . 981 | 1 brisket Stick to the items the place does best , brisket , ribs , wings , cajun shrimp is good , not great . 982 | 1 ribs Stick to the items the place does best , brisket , ribs , wings , cajun shrimp is good , not great . 983 | 1 wings Stick to the items the place does best , brisket , ribs , wings , cajun shrimp is good , not great . 984 | 0 cajun shrimp Stick to the items the place does best , brisket , ribs , wings , cajun shrimp is good , not great . 985 | 1 atmosphere Hip boutiques and bars on Ludlow add to the artsy , laid-back atmosphere at this Israeli-style takeout and eat-in burger joint . 986 | 0 counter Young neighborhood trendies graze at the counter during the day , while chic , art-house drinkers with heavy doses of the munchies pile in late at night . 987 | 0 bottle of wine Bring your date and a bottle of wine ! 988 | 1 menu My Chelsea 's impressive and creative menu includes modern , Westernized Japanese dishes such as Foie Gras Unagi Napolean , Jap style hamburger steak , spicy cod roe spaghetti , black cod with miso base , and rack of lamb in black truffle sauce , to name a few . 989 | 0 Japanese dishes My Chelsea 's impressive and creative menu includes modern , Westernized Japanese dishes such as Foie Gras Unagi Napolean , Jap style hamburger steak , spicy cod roe spaghetti , black cod with miso base , and rack of lamb in black truffle sauce , to name a few . 990 | 0 Foie Gras Unagi Napolean My Chelsea 's impressive and creative menu includes modern , Westernized Japanese dishes such as Foie Gras Unagi Napolean , Jap style hamburger steak , spicy cod roe spaghetti , black cod with miso base , and rack of lamb in black truffle sauce , to name a few . 991 | 0 Jap style hamburger steak My Chelsea 's impressive and creative menu includes modern , Westernized Japanese dishes such as Foie Gras Unagi Napolean , Jap style hamburger steak , spicy cod roe spaghetti , black cod with miso base , and rack of lamb in black truffle sauce , to name a few . 992 | 0 spicy cod roe spaghetti My Chelsea 's impressive and creative menu includes modern , Westernized Japanese dishes such as Foie Gras Unagi Napolean , Jap style hamburger steak , spicy cod roe spaghetti , black cod with miso base , and rack of lamb in black truffle sauce , to name a few . 993 | 0 black cod with miso base My Chelsea 's impressive and creative menu includes modern , Westernized Japanese dishes such as Foie Gras Unagi Napolean , Jap style hamburger steak , spicy cod roe spaghetti , black cod with miso base , and rack of lamb in black truffle sauce , to name a few . 994 | 0 rack of lamb in black truffle sauce My Chelsea 's impressive and creative menu includes modern , Westernized Japanese dishes such as Foie Gras Unagi Napolean , Jap style hamburger steak , spicy cod roe spaghetti , black cod with miso base , and rack of lamb in black truffle sauce , to name a few . 995 | 1 food His food is excellent -LRB- and not expensive by NYC standards - no entrees over $ 30 , most appetizers $ 12 to 14 -RRB- . 996 | 1 appetizers His food is excellent -LRB- and not expensive by NYC standards - no entrees over $ 30 , most appetizers $ 12 to 14 -RRB- . 997 | 1 entrees His food is excellent -LRB- and not expensive by NYC standards - no entrees over $ 30 , most appetizers $ 12 to 14 -RRB- . 998 | 1 food The food is consistant and good but how it got name Best Diner In Manhattan is beyond me . 999 | 1 pasta primavera The pasta primavera was outstanding as well , lots of fresh veggies . 1000 | 1 fresh veggies The pasta primavera was outstanding as well , lots of fresh veggies . 1001 | 1 sushi do n't get me wrong - sushi was good , just not fantastic . 1002 | 1 flan Being Puerto Rican I know a thing or two about flan and this place serves one of the best -LRB- I hope Mom does n't read this ! -RRB- . 1003 | 1 pizza Been to the one in Brooklyn for over 25 years , now I dont have to go over the bridge for the best pizza ... Hanx 1004 | 0 dinner Had dinner here on a Friday and the food was great . 1005 | 1 food Had dinner here on a Friday and the food was great . 1006 | 1 wine We recently spent New Year 's Eve at the restaurant , and had a great experience , from the wine to the dessert menu . 1007 | 1 dessert menu We recently spent New Year 's Eve at the restaurant , and had a great experience , from the wine to the dessert menu . 1008 | 1 place Highly recommended ... As stated , I have n't dined * in * the restaurant but stopped by there to pick up takeout and it seems a very relaxing place ; also , the bar looks nice . 1009 | 1 bar Highly recommended ... As stated , I have n't dined * in * the restaurant but stopped by there to pick up takeout and it seems a very relaxing place ; also , the bar looks nice . 1010 | 0 takeout Highly recommended ... As stated , I have n't dined * in * the restaurant but stopped by there to pick up takeout and it seems a very relaxing place ; also , the bar looks nice . 1011 | 1 ambiance The ambiance was fine , a little loud but still nice and romantic . 1012 | 1 cocktail hour but , the filet mignon was not very good at all cocktail hour includes free appetizers -LRB- nice non-sushi selection -RRB- . 1013 | -1 filet mignon but , the filet mignon was not very good at all cocktail hour includes free appetizers -LRB- nice non-sushi selection -RRB- . 1014 | 1 non-sushi selection but , the filet mignon was not very good at all cocktail hour includes free appetizers -LRB- nice non-sushi selection -RRB- . 1015 | 1 appetizers but , the filet mignon was not very good at all cocktail hour includes free appetizers -LRB- nice non-sushi selection -RRB- . 1016 | 0 courses It took about 2 1/2 hours to be served our 2 courses . 1017 | -1 served It took about 2 1/2 hours to be served our 2 courses . 1018 | 0 place Who said go when the place is quiet during the day ? 1019 | -1 size Can be a bit busy around peak times because of the size . 1020 | 1 chicken tacos I was on jury duty , rode my bike up Centre Street on my lunch break and came across this great little place with awesome chicken tacos and Hibiscus lemonade . 1021 | 1 Hibiscus lemonade I was on jury duty , rode my bike up Centre Street on my lunch break and came across this great little place with awesome chicken tacos and Hibiscus lemonade . 1022 | 1 place I was on jury duty , rode my bike up Centre Street on my lunch break and came across this great little place with awesome chicken tacos and Hibiscus lemonade . 1023 | 1 place good place to hang out during the day after shopping or to grab a simple soup or classic french dish over a glass of wine . 1024 | 0 soup good place to hang out during the day after shopping or to grab a simple soup or classic french dish over a glass of wine . 1025 | 0 french dish good place to hang out during the day after shopping or to grab a simple soup or classic french dish over a glass of wine . 1026 | 0 glass of wine good place to hang out during the day after shopping or to grab a simple soup or classic french dish over a glass of wine . 1027 | 1 place Very nice touch that very much fits the place . 1028 | 1 casual drink However , there is just something so great about being outdoors , in great landscaping , enjoying a casual drink that makes going to this place worthwhile . 1029 | 1 outdoors However , there is just something so great about being outdoors , in great landscaping , enjoying a casual drink that makes going to this place worthwhile . 1030 | 1 place However , there is just something so great about being outdoors , in great landscaping , enjoying a casual drink that makes going to this place worthwhile . 1031 | 0 dance floor We were seated promptly in close proximity to the dance floor . 1032 | 0 pre-show meal If you are here as a pre-show meal , hop in a cab and take the extra 10 minutes to go to the uptown location . 1033 | -1 fried foods The comments about fried foods is correct -LRB- below -RRB- but the other dishes , including the lamb entree and many of the salads -LRB- avocado shrimp -RRB- were quite good . 1034 | 1 dishes The comments about fried foods is correct -LRB- below -RRB- but the other dishes , including the lamb entree and many of the salads -LRB- avocado shrimp -RRB- were quite good . 1035 | 1 lamb entree The comments about fried foods is correct -LRB- below -RRB- but the other dishes , including the lamb entree and many of the salads -LRB- avocado shrimp -RRB- were quite good . 1036 | 1 salads (avocado shrimp) The comments about fried foods is correct -LRB- below -RRB- but the other dishes , including the lamb entree and many of the salads (avocado shrimp) were quite good . 1037 | -1 service Slow service , but when you 're hanging around with groups of 10 or 20 , who really notices ? 1038 | 0 dabs of real mozzarella The sauce is excellent -LRB- very fresh -RRB- with dabs of real mozzarella . 1039 | 1 sauce The sauce is excellent -LRB- very fresh -RRB- with dabs of real mozzarella . 1040 | -1 drinks Do n't ever bother - the drinks were awful , but it was the people who work there that really made this the worst experience at dining . 1041 | -1 people Do n't ever bother - the drinks were awful , but it was the people who work there that really made this the worst experience at dining . 1042 | -1 dining Do n't ever bother - the drinks were awful , but it was the people who work there that really made this the worst experience at dining . 1043 | -1 room The room is a little plain , but it 's difficult to make such a small place exciting and I would not suggest that as a reason not to go . 1044 | -1 place The room is a little plain , but it 's difficult to make such a small place exciting and I would not suggest that as a reason not to go . 1045 | 1 Prices Prices even outside of restaurant week were great . 1046 | 1 space A small , outdoor eating area makes for a private , comfortable space to study alone or meet up with friends . 1047 | 1 outdoor eating area A small , outdoor eating area makes for a private , comfortable space to study alone or meet up with friends . 1048 | 1 [female] servers And all the [female] servers are cute too , which is always nice . 1049 | 1 dessert The best dessert , a chocolate and peanut butter tart , is n't particularly Hawaiian , but it 's a small world when it comes to sweets . 1050 | 1 chocolate and peanut butter tart The best dessert , a chocolate and peanut butter tart , is n't particularly Hawaiian , but it 's a small world when it comes to sweets . 1051 | 0 sweets The best dessert , a chocolate and peanut butter tart , is n't particularly Hawaiian , but it 's a small world when it comes to sweets . 1052 | 0 appetizer for an appetizer , their calamari is a winner . 1053 | 1 calamari for an appetizer , their calamari is a winner . 1054 | 1 service Satay is one of those favorite haunts on Washington where the service and food is always on the money . 1055 | 1 food Satay is one of those favorite haunts on Washington where the service and food is always on the money . 1056 | 0 dinner After dinner I heard music playing and discovered that there is a lounge downstairs . 1057 | 0 music After dinner I heard music playing and discovered that there is a lounge downstairs . 1058 | 0 lounge After dinner I heard music playing and discovered that there is a lounge downstairs . 1059 | 1 room The room is a gorgeous , bi-level space and the long bar perfect for a drink . 1060 | 1 bi-level space The room is a gorgeous , bi-level space and the long bar perfect for a drink . 1061 | 1 long bar The room is a gorgeous , bi-level space and the long bar perfect for a drink . 1062 | 0 drink The room is a gorgeous , bi-level space and the long bar perfect for a drink . 1063 | -1 appetizer selection Two complaints - their appetizer selection stinks , it would be nice to get some mozzarella sticks on the menu . 1064 | 0 mozzarella sticks Two complaints - their appetizer selection stinks , it would be nice to get some mozzarella sticks on the menu . 1065 | -1 menu Two complaints - their appetizer selection stinks , it would be nice to get some mozzarella sticks on the menu . 1066 | 1 waitstaff I was especially impressed during the bday party when the waitstaff went above and beyond in helping me decorate and bring out a bday cake as well as offering prompt and friendly service to a 15 person party . 1067 | 1 service I was especially impressed during the bday party when the waitstaff went above and beyond in helping me decorate and bring out a bday cake as well as offering prompt and friendly service to a 15 person party . 1068 | 0 chicken and falafel platters The chicken and falafel platters were nondescript combinations with fresh leaf salad . 1069 | 0 fresh leaf salad The chicken and falafel platters were nondescript combinations with fresh leaf salad . 1070 | 1 atmosphere The atmosphere takes you to that place , the place many dream of . 1071 | -1 waiters several times and put up with the waiters ' bad manners , knowing that their job is n't easy . 1072 | 1 desserts The service is great -LRB- maybe even borderline nagging but at least you get attention -RRB- , the desserts are excellent and the coffee is so very good ... 1073 | 1 coffee The service is great -LRB- maybe even borderline nagging but at least you get attention -RRB- , the desserts are excellent and the coffee is so very good ... 1074 | 0 served They are served on Focacchia bread and are to die for . 1075 | 0 Focacchia bread They are served on Focacchia bread and are to die for . 1076 | -1 smoothies While the smoothies are a little big for me , the fresh juices are the best I have ever had ! 1077 | 1 fresh juices While the smoothies are a little big for me , the fresh juices are the best I have ever had ! 1078 | 1 pialla The food is just OKAY , and it 's almost not worth going unless you 're getting the pialla , which is the only dish that 's really good . 1079 | 1 dish The food is just OKAY , and it 's almost not worth going unless you 're getting the pialla , which is the only dish that 's really good . 1080 | 0 fresh salsa The guac is fresh , yet lacking flavor , we like to add our fresh salsa into it . 1081 | -1 flavor The guac is fresh , yet lacking flavor , we like to add our fresh salsa into it . 1082 | -1 prices The new menu has a few creative items , they were smart enough to keep some of the old favorites -LRB- but they raised the prices -RRB- , the staff is friendly most of the time , but I must agree with the person that wrote about their favorite words : No , ca n't , sorry ... , boy , they wo n't bend the rules for anyone . 1083 | 1 new menu The new menu has a few creative items , they were smart enough to keep some of the old favorites -LRB- but they raised the prices -RRB- , the staff is friendly most of the time , but I must agree with the person that wrote about their favorite words : No , ca n't , sorry ... , boy , they wo n't bend the rules for anyone . 1084 | 0 lunch It ' only open for lunch but the food is so good ! 1085 | 1 food It ' only open for lunch but the food is so good ! 1086 | 1 seafood If you like seafood and/or Greek food you will love this place though it is not limited to just these things . 1087 | 1 Greek food If you like seafood and/or Greek food you will love this place though it is not limited to just these things . 1088 | 0 menu '' The menu includes pub fare -- burgers , steaks and shepherds pie -- and even a portabella lasagna for those black sheep known as `` vegetarians . 1089 | 0 burgers '' The menu includes pub fare -- burgers , steaks and shepherds pie -- and even a portabella lasagna for those black sheep known as `` vegetarians . 1090 | 0 steaks '' The menu includes pub fare -- burgers , steaks and shepherds pie -- and even a portabella lasagna for those black sheep known as `` vegetarians . 1091 | 0 shepherds pie '' The menu includes pub fare -- burgers , steaks and shepherds pie -- and even a portabella lasagna for those black sheep known as `` vegetarians . 1092 | 0 portabella lasagna '' The menu includes pub fare -- burgers , steaks and shepherds pie -- and even a portabella lasagna for those black sheep known as `` vegetarians . 1093 | 0 pub fare '' The menu includes pub fare -- burgers , steaks and shepherds pie -- and even a portabella lasagna for those black sheep known as `` vegetarians . 1094 | 0 food How can they survive serving mediocre food at exorbitant prices ?! 1095 | -1 prices How can they survive serving mediocre food at exorbitant prices ?! 1096 | -1 service The food was mediocre and the service was severely slow . 1097 | 0 food The food was mediocre and the service was severely slow . 1098 | 0 food i have eaten here on a different occasion - the food is mediocre for the prices . 1099 | -1 prices i have eaten here on a different occasion - the food is mediocre for the prices . 1100 | 1 menu I 'm looking forward to going back soon and eventually trying most everything on the menu ! 1101 | 0 menu I just had my first visit to this place and ca n't wait to go back and slowly work my way through the menu . 1102 | -1 waiter I asked repeatedly what the status of the meal was and was pretty much grunted at by the unbelievably rude waiter . 1103 | 0 meal I asked repeatedly what the status of the meal was and was pretty much grunted at by the unbelievably rude waiter . 1104 | 0 brunch I stopped by for some brunch today and had the vegan cranberry pancakes and some rice milk . 1105 | 0 vegan cranberry pancakes I stopped by for some brunch today and had the vegan cranberry pancakes and some rice milk . 1106 | 0 rice milk I stopped by for some brunch today and had the vegan cranberry pancakes and some rice milk . 1107 | 1 bartender Sweet Irish bartender is always happy and able to bring a smile to my friends a my face . 1108 | -1 service Its good to go there for drinks if you do n't want to get drunk because you 'll be lucky if you can get one drink an hour the service is so bad . 1109 | 0 drink Its good to go there for drinks if you do n't want to get drunk because you 'll be lucky if you can get one drink an hour the service is so bad . 1110 | 0 drinks Its good to go there for drinks if you do n't want to get drunk because you 'll be lucky if you can get one drink an hour the service is so bad . 1111 | -1 owner Anyway , the owner was fake . 1112 | 1 Owner Owner is pleasant and entertaining . 1113 | -1 food I have never in my life sent back food before , but I simply had to , and the waiter argued with me over this . 1114 | -1 waiter I have never in my life sent back food before , but I simply had to , and the waiter argued with me over this . 1115 | -1 food Although the restaurant itself is nice , I prefer not to go for the food . 1116 | 1 Creamy appetizers Creamy appetizers -- taramasalata , eggplant salad , and Greek yogurt -LRB- with cuccumber , dill , and garlic -RRB- taste excellent when on warm pitas . 1117 | 0 warm pitas Creamy appetizers -- taramasalata , eggplant salad , and Greek yogurt -LRB- with cuccumber , dill , and garlic -RRB- taste excellent when on warm pitas . 1118 | 1 taramasalata Creamy appetizers -- taramasalata , eggplant salad , and Greek yogurt -LRB- with cuccumber , dill , and garlic -RRB- taste excellent when on warm pitas . 1119 | 1 eggplant salad Creamy appetizers -- taramasalata , eggplant salad , and Greek yogurt -LRB- with cuccumber , dill , and garlic -RRB- taste excellent when on warm pitas . 1120 | 1 Greek yogurt (with cuccumber, dill, and garlic) Creamy appetizers -- taramasalata , eggplant salad , and Greek yogurt (with cuccumber, dill, and garlic) taste excellent when on warm pitas . 1121 | -------------------------------------------------------------------------------- /dataset/test.py: -------------------------------------------------------------------------------- 1 | import tensorflow 2 | -------------------------------------------------------------------------------- /lstm.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python2 2 | # -*- coding: utf-8 -*- 3 | """ 4 | Created on Sat Apr 14 13:41:48 2018 5 | 6 | @author: gaoyiwei 7 | 8 | c---lstm 9 | """ 10 | 11 | import tensorflow as tf 12 | 13 | class rnnmodel(object): 14 | def __init__(self,config,is_training,embeddingl,initial): 15 | 16 | #param 17 | self.wordEmbeddingSize=config.wordEmbeddingSize 18 | self.wordsnum=config.wordsnum 19 | self.wordtotext_hidsize=config.wordtotext_hidsize 20 | self.keep_prob=config.keep_prob 21 | self.batchsize=config.batchsize 22 | #self.wssize=config.wssize 23 | self.classnum=config.classnum 24 | 25 | self.lr=config.lrre 26 | self.l2=config.l2 27 | self.vocab_size=len(embeddingl) 28 | 29 | #input 30 | self.input_x=tf.placeholder(tf.int32,[None,self.wordsnum]) #batch*words 31 | #self.xbackward=tf.placeholder(tf.int32,[self.batchsize,self.wordsnum]) 32 | self.y=tf.placeholder(tf.int64,[None]) 33 | #self.maskforward=tf.placeholder(tf.int32,[self.batchsize,self.wordsnum]) 34 | #self.maskbackward=tf.placeholder(tf.int32,[self.batchsize,self.wordsnum]) 35 | #self.seqlen=tf.placeholder(tf.int32,[self.batchsize]) 36 | 37 | #embedding=tf.constant(embeddingl,dtype=tf.float32) 38 | embedding = tf.get_variable(name="embedding",shape=[self.vocab_size, self.wordEmbeddingSize],initializer=tf.constant_initializer(embeddingl))#,shape=[self.vocab_size, self.embed_size]) #[vocab_size,embed_size] tf.random_uniform([self.vocab_size, self.embed_size],-1.0,1.0) 39 | 40 | 41 | self.initial_weight(initial) 42 | 43 | #cnn part [batchsize,seq,num_filters] 44 | self.embedding_words=tf.nn.embedding_lookup(embedding,self.input_x) 45 | 46 | binput2=tf.split(self.embedding_words,self.wordsnum,1) #list,words,batch,1,emb 47 | self.binput3=[tf.squeeze(x,[1]) for x in binput2] # 48 | 49 | 50 | #lstm 51 | with tf.name_scope("lstm"): 52 | 53 | blstm_cell=tf.nn.rnn_cell.BasicLSTMCell(self.wordtotext_hidsize) 54 | if self.keep_prob<1: 55 | blstm_cell=tf.nn.rnn_cell.DropoutWrapper(blstm_cell,output_keep_prob=self.keep_prob) 56 | bcell=tf.nn.rnn_cell.MultiRNNCell([blstm_cell]*1) 57 | (bhidden_state_1,_)=tf.nn.dynamic_rnn(bcell,self.embedding_words,dtype=tf.float32) 58 | ''' 59 | self.binitial_state=bcell.zero_state(self.batchsize,tf.float32) #initial state t=0 :c and h 60 | self.boutput=[] 61 | bstate=self.binitial_state 62 | with tf.variable_scope("LSTM_layer"): 63 | for time_step,data in enumerate(self.binput3): 64 | if time_step>0: 65 | tf.get_variable_scope().reuse_variables() 66 | cell_output,bstate=bcell(data,bstate) 67 | self.boutput.append(cell_output) 68 | ''' 69 | #bhidden_state_1=tf.stack(self.boutput,axis=1) #batch,words,hid 70 | 71 | 72 | self.final_docp=tf.reduce_mean(bhidden_state_1,axis=1) #batch ,hid 73 | 74 | 75 | 76 | #final mlp 77 | self.logits=tf.matmul(self.final_docp,self.w1)+self.b1 #bath,classe 78 | 79 | #define loss 80 | with tf.name_scope("losscost_layer"): 81 | self.loss = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=self.y,logits=self.logits) 82 | self.cost = tf.reduce_mean(self.loss) 83 | l2_losses = tf.add_n([tf.nn.l2_loss(v) for v in tf.trainable_variables()]) * self.l2 84 | self.cost=self.cost+l2_losses 85 | 86 | #define accuracy 87 | with tf.name_scope("accuracy"): 88 | self.prediction = tf.argmax(self.logits,1) 89 | correct_prediction = tf.equal(self.prediction,self.y) 90 | self.correct_num=tf.reduce_sum(tf.cast(correct_prediction,tf.float32)) 91 | self.accuracy = tf.reduce_mean(tf.cast(correct_prediction,tf.float32),name="accuracy") 92 | if not is_training: 93 | return 94 | 95 | #optimialize 96 | self.global_step = tf.Variable(0,name="global_step",trainable=False) 97 | tvars = tf.trainable_variables() 98 | grads, _ = tf.clip_by_global_norm(tf.gradients(self.cost, tvars),config.max_grad_norm) 99 | optimizer = tf.train.AdamOptimizer(self.lr) 100 | self.train_op=optimizer.apply_gradients(zip(grads, tvars),global_step=self.global_step) 101 | 102 | 103 | def initial_weight(self,initial): 104 | self.w1=tf.get_variable("fw",shape=[self.wordtotext_hidsize,self.classnum],initializer=initial) 105 | self.b1=tf.get_variable("fb",shape=[self.classnum],initializer=tf.zeros_initializer()) 106 | 107 | #self.ww=tf.get_variable("ww_sen",shape=[self.wordtotext_hidsize,self.wssize],initializer=initial) 108 | #self.wb=tf.get_variable("wb_sen",shape=[self.wssize],initializer=initial) 109 | #self.context=tf.get_variable("context_word",shape=[self.wssize],initializer=initial) 110 | -------------------------------------------------------------------------------- /lstmattention.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf-8 -*- 2 | """ 3 | Created on Wed May 02 11:06:33 2018 4 | 5 | @author: Administrator 6 | """ 7 | 8 | import tensorflow as tf 9 | 10 | class lstmattention(object): 11 | def __init__(self,config,is_training,embeddingl,initializer): 12 | 13 | self.wordsnum=config.wordsnum 14 | self.aspectnum=config.aspectnum 15 | self.wordtotext_hidsize=config.wordtotext_hidsize 16 | self.keep_prob=config.keep_prob 17 | self.batchsize=config.batchsize 18 | self.l2=config.l2 19 | self.lr=config.lrre 20 | self.classnum=config.classnum 21 | self.ase=config.ase 22 | self.vocab_size=len(embeddingl) 23 | self.wordEmbeddingSize=config.wordEmbeddingSize 24 | 25 | #input 26 | self.input_x = tf.placeholder(tf.int32, [None, self.wordsnum], name="input_x") # X #batch,words 27 | self.input_aspect=tf.placeholder(tf.int32,[None,self.wordsnum,self.aspectnum],name="input_aspect") #batch*words,aspnums 28 | self.aspectmask=tf.placeholder(tf.float32,[None,self.wordsnum,self.aspectnum],name="aspectmask") #b*w,a 29 | self.pos=tf.placeholder(tf.float32,[None,self.wordsnum],name="pos") #b*w,1 30 | self.y=tf.placeholder(tf.int64,[None],name="y") 31 | 32 | self.embedding = tf.get_variable(name="embedding",shape=[self.vocab_size, self.wordEmbeddingSize],initializer=tf.constant_initializer(embeddingl))#,shape=[self.vocab_size, self.embed_size]) #[vocab_size,embed_size] tf.random_uniform([self.vocab_size, self.embed_size],-1.0,1.0) 33 | 34 | self.inpute=tf.nn.embedding_lookup(self.embedding,self.input_x) #batch,words,wordsize 35 | 36 | self.aspectl=tf.nn.embedding_lookup(self.embedding,self.input_aspect) #b,w,a,h 37 | 38 | #modify self.aspectl 39 | mask=tf.expand_dims(self.aspectmask,3) #b*w,a,1 40 | a=tf.multiply(self.aspectl,mask)# [b*w,aspnum,emb] [b*w,aspnum,1] 41 | print (a) 42 | b=tf.reduce_sum(a,2) #[b*w,emb] 43 | print (b) 44 | poss=tf.expand_dims(self.pos,2) #[b*w,1] 45 | print (poss) 46 | self.aspect_final=tf.div(b,poss) #[b*w,em] 47 | 48 | #concate atae 49 | #self.inpute=tf.concat(2, [self.inpute, self.aspect_final]) #b,w,h*2 50 | 51 | self.initial_weight(initializer) 52 | 53 | #lstm model 54 | cnnrsenl=tf.split(self.inpute,self.wordsnum,1) #list,words,every is batch*1*hid 55 | cnnrsinput3=[tf.squeeze(x,[1]) for x in cnnrsenl] 56 | 57 | cnnrslstm_cell=tf.nn.rnn_cell.BasicLSTMCell(self.wordtotext_hidsize) 58 | if self.keep_prob<1: 59 | cnnrslstm_cell=tf.nn.rnn_cell.DropoutWrapper(cnnrslstm_cell,output_keep_prob=self.keep_prob) 60 | cnnrscell=tf.nn.rnn_cell.MultiRNNCell([cnnrslstm_cell]*1) 61 | 62 | with tf.variable_scope("LSTM_layers"): 63 | (cnnrhidden_sen_1,_)=tf.nn.dynamic_rnn(cnnrscell,self.inpute,dtype=tf.float32) 64 | 65 | 66 | #attention 67 | #cnnrhidden_sen_1=tf.stack(cnnrsoutput,axis=1) #batch,words,hidden 68 | #ssdocp=tf.reduce_mean(cnnrhidden_sen_1,1) #batch hidden 69 | #attention 70 | hidden_sen_2=tf.reshape(cnnrhidden_sen_1,[-1,self.wordtotext_hidsize]) #batch*words,hid 71 | sa=tf.matmul(hidden_sen_2,self.ww)+self.wb #batch*words,ase 72 | 73 | #aspect attention 74 | aspre=tf.reshape(self.aspect_final,[-1,self.wordtotext_hidsize]) 75 | aspa=tf.matmul(aspre,self.wwa) #batch*words,ase 76 | 77 | sa=sa+aspa 78 | sh_r1=tf.nn.tanh(sa) 79 | sh_r=tf.reshape(sh_r1,[-1,self.wordsnum,self.ase])#batch,words,hid 80 | ssimi=tf.multiply(sh_r,self.context) # batch,words,ase 81 | sato=tf.reduce_sum(ssimi,2) #batch,word 82 | smaxhang=tf.reduce_max(sato,1,True) 83 | satt=tf.nn.softmax(sato-smaxhang) #batch,wordsattention 84 | sae=tf.expand_dims(satt,2) #batch,words,1 85 | docp=tf.multiply(sae,cnnrhidden_sen_1) #batch,sens,hid 86 | self.final_docp=tf.reduce_sum(docp,1) 87 | 88 | #final mlp 89 | self.logits=tf.matmul(self.final_docp,self.w1)+self.b1 #bath,classe 90 | 91 | #define loss 92 | with tf.name_scope("losscost_layer"): 93 | self.loss = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=self.y,logits=self.logits) 94 | self.cost = tf.reduce_mean(self.loss) 95 | l2_losses = tf.add_n([tf.nn.l2_loss(v) for v in tf.trainable_variables()]) * self.l2 96 | self.cost=self.cost+l2_losses 97 | 98 | #define accuracy 99 | with tf.name_scope("accuracy"): 100 | self.prediction = tf.argmax(self.logits,1) 101 | correct_prediction = tf.equal(self.prediction,self.y) 102 | self.correct_num=tf.reduce_sum(tf.cast(correct_prediction,tf.float32)) 103 | self.accuracy = tf.reduce_mean(tf.cast(correct_prediction,tf.float32),name="accuracy") 104 | if not is_training: 105 | return 106 | 107 | #optimialize 108 | self.global_step = tf.Variable(0,name="global_step",trainable=False) 109 | tvars = tf.trainable_variables() 110 | grads, _ = tf.clip_by_global_norm(tf.gradients(self.cost, tvars),config.max_grad_norm) 111 | optimizer = tf.train.AdamOptimizer(self.lr) 112 | self.train_op=optimizer.apply_gradients(zip(grads, tvars),global_step=self.global_step) 113 | 114 | 115 | def initial_weight(self,initial): 116 | self.w1=tf.get_variable("fw",shape=[self.wordtotext_hidsize,self.classnum],initializer=initial) 117 | self.b1=tf.get_variable("fb",shape=[self.classnum],initializer=tf.zeros_initializer()) 118 | 119 | self.ww=tf.get_variable("ww_sen",shape=[self.wordtotext_hidsize,self.ase],initializer=initial) 120 | self.wwa=tf.get_variable("wwa_sen",shape=[self.wordtotext_hidsize,self.ase],initializer=initial) 121 | self.wb=tf.get_variable("wb_sen",shape=[self.ase],initializer=tf.zeros_initializer()) 122 | self.context=tf.get_variable("context_word",shape=[self.ase],initializer=initial) 123 | --------------------------------------------------------------------------------