item2vec model 参考word2vec 【tensorflow】有点慢

from __future__ import division, print_function, absolute_import
import io
import collections
import random
import numpy as np
import pandas as pd
import tensorflow as tf
from past.builtins import xrange

# 训练参数
learning_rate = 0.1
batch_size = 256
num_steps = 1000000
display_step = 10000
eval_step = 10000

# 评估参数
eval_words = ["260", "1210", "480", "2028", "1270", "2571", "2858", "1196"]

# Word2Vec 参数
embedding_size = 32  # 嵌入向量的维度 vector.
max_vocabulary_size = 50000  # 词汇表中不同单词的总数words in the vocabulary.
min_occurrence = 10  # 删除出现小于n次的所有单词
skip_window = 3  # 左右各要考虑多少个单词
num_skips = 2  # 重复使用输入生成标签的次数
num_sampled = 64  # 负采样数量

# 读取数据
data_file = "C:/project/data/movielens-m1/ratings.dat"
orig_data = pd.read_csv(data_file, sep="::", names=["user_id", "item_id", "score", "timestamp"],
                        dtype={"user_id": int, "item_id": str, "score": int, "timestamp": int})
# 根据user_id合并item_ids
grouped_data = orig_data.groupby("user_id")["item_id"].apply(" ".join).reset_index()
grouped_data.columns = ["user_id", "item_ids"]
text_words = grouped_data["item_ids"].to_csv(header=False, index=False).replace("\r\n", " ").strip().split(" ")
print('Data size', len(text_words))
# 构建词典并用 UNK 标记替换频数较低的词
count = [('UNK', -1)]
# 检索最常见的单词
count.extend(collections.Counter(text_words).most_common(max_vocabulary_size - 1))
# 删除少于'min_occurrence'次数的样本
for i in range(len(count) - 1, -1, -1):
    if count[i][1] < min_occurrence:
        count.pop(i)
    else:
        # 该集合是有序的,因此在当出现小于'min_occurrence'时停止
        break
# 计算单词表单词个数
vocabulary_size = len(count)
# 为每一个词分配id
word2id = dict()
for i, (word, _) in enumerate(count):
    word2id[word] = i

data = list()
unk_count = 0
for word in text_words:
    # 检索单词id,或者如果不在字典中则为其指定索引0('UNK')
    index = word2id.get(word, 0)
    if index == 0:
        unk_count += 1
    data.append(index)
count[0] = ('UNK', unk_count)
id2word = dict(zip(word2id.values(), word2id.keys()))

print("Words count:", len(text_words))
print("Unique words:", len(set(text_words)))
print("Vocabulary size:", vocabulary_size)
print("Most common words:", count[:10])

# 训练数据当前索引,需要全局,另外数据可能被训练多次
data_index = 0


# 为skip-gram模型生成训练批次
def next_batch(batch_size, num_skips, skip_window):
    # data_index有两个重要的设置:
    #    *第一是设置为全局变量,使得每次新生成一个batch时,buffer里面的数据都不会重复
    #    *第二是更新方式不是简单的+1, 而是使用data_index = (data_index + 1) % len(data)
    #     目的是使得数据遍历结束一遍之后又从头开始遍历。
    global data_index
    # 如果num_skips > 2 * skip_window,也即num_skips > span-1 则在下面的循环中,无法生成满足条件的随机数,陷入死循环中。
    assert batch_size % num_skips == 0
    assert num_skips <= 2 * skip_window
    batch = np.ndarray(shape=(batch_size), dtype=np.int32)
    labels = np.ndarray(shape=(batch_size, 1), dtype=np.int32)
    # 得到窗口长度( 当前单词左边和右边 + 当前单词)
    span = 2 * skip_window + 1
    # 双向队列,使用 deque(maxlen=span) 构造函数会新建一个固定大小的队列。
    # 当新的元素加入并且这个队列已满的时候, 最老的元素会自动被移除掉。
    buffer = collections.deque(maxlen=span)
    if data_index + span > len(data):
        data_index = 0
    # 根据skip_windows的大小,把2 * skip_window + 1个数据放入缓存中
    buffer.extend(data[data_index:data_index + span])
    data_index += span
    # 在一个span内num_skips次生成一个输入多个标签的数据,多批,多个上下文训练基于同一输入进行训练
    for i in range(batch_size // num_skips):
        context_words = [w for w in range(span) if w != skip_window]
        words_to_use = random.sample(context_words, num_skips)
        for j, context_word in enumerate(words_to_use):
            batch[i * num_skips + j] = buffer[skip_window]
            labels[i * num_skips + j, 0] = buffer[context_word]
        if data_index == len(data):
            buffer.extend(data[0:span])
            data_index = span
        else:
            buffer.append(data[data_index])
            data_index += 1
    # 回溯一点,以避免在批处理结束时跳过单词
    data_index = (data_index + len(data) - span) % len(data)
    return batch, labels


# 确保在CPU上分配以下操作和变量
# (某些操作在GPU上不兼容)
with tf.device('/cpu:0'):
    # 初始化嵌入变量(每一行代表一个词嵌入向量) embedding vector).
    embedding = tf.Variable(tf.random.normal([vocabulary_size, embedding_size]))
    # 初始化NCE损失的变量,噪音对比评估损失(Noise-Constrastive Estimation Loss)
    nce_weights = tf.Variable(tf.random.normal([vocabulary_size, embedding_size]))
    # 初始化偏置
    nce_biases = tf.Variable(tf.zeros([vocabulary_size]))


def get_embedding(x):
    with tf.device('/cpu:0'):
        # 对于X中的每一个样本查找onehot编码,根据onehot编码找对应的嵌入向量
        x_embed = tf.nn.embedding_lookup(embedding, x)
        # if step % eval_step == 0 or step == 1:
        #     print("##########################x_embed", x_embed)
        return x_embed


def nce_loss(x_embed, y):
    with tf.device('/cpu:0'):
        # 计算批处理的平均NCE损失
        y = tf.cast(y, tf.int64)
        loss = tf.reduce_mean(
            tf.nn.nce_loss(weights=nce_weights,
                           biases=nce_biases,
                           labels=y,
                           inputs=x_embed,
                           num_sampled=num_sampled,
                           num_classes=vocabulary_size))
        return loss


# 评估
def evaluate(x_embed):
    with tf.device('/cpu:0'):
        # 计算输入数据嵌入与每个嵌入向量之间的余弦相似度
        # shape:x_embed的行数 * embedding_size
        x_embed = tf.cast(x_embed, tf.float32)
        x_embed_norm = x_embed / tf.sqrt(tf.reduce_sum(tf.square(x_embed)))
        # shape:vocabulary_size * embedding_size
        embedding_norm = embedding / tf.sqrt(tf.reduce_sum(tf.square(embedding), 1, keepdims=True), tf.float32)
        # shape:x_embed的行数 * vocabulary_size,每行是向量和词汇量乘机的标量
        cosine_sim_op = tf.matmul(x_embed_norm, embedding_norm, transpose_b=True)
        # print("&&&&&&&&&&&&&&&&&&&&&&&&&&&x_embed_norm", x_embed_norm)
        # print("***************************embedding_norm", embedding_norm)
        # print("===========================cosine_sim_op", cosine_sim_op)
        return cosine_sim_op


# 定义优化器
optimizer = tf.optimizers.SGD(learning_rate)


# 优化过程
def run_optimization(x, y):
    with tf.device('/cpu:0'):
        # 将计算封装在GradientTape中以实现自动微分
        with tf.GradientTape() as g:
            emb = get_embedding(x)
            loss = nce_loss(emb, y)

        # 计算梯度
        gradients = g.gradient(loss, [embedding, nce_weights, nce_biases])

        # 按gradients更新 W 和 b
        optimizer.apply_gradients(zip(gradients, [embedding, nce_weights, nce_biases]))


# 用于测试的单词
x_test = np.array([word2id[w] for w in eval_words])

# 针对给定步骤数进行训练
for step in xrange(1, num_steps + 1):
    batch_x, batch_y = next_batch(batch_size, num_skips, skip_window)
    run_optimization(batch_x, batch_y)

    if step % display_step == 0 or step == 1:
        loss = nce_loss(get_embedding(batch_x), batch_y)
        print("step: %i, loss: %f" % (step, loss))

    # 评估
    if step % eval_step == 0 or step == 1:
        print("Evaluation...")
        sim = evaluate(get_embedding(x_test)).numpy()
        # print("@@@@@@@@@@@@@@@@@@@@@@@sim", sim)
        for i in xrange(len(eval_words)):
            top_k = 8  # 最相似的单词数量
            nearest = (-sim[i, :]).argsort()[1:top_k + 1]
            log_str = '"%s" nearest neighbors:' % eval_words[i]
            for k in xrange(top_k):
                log_str = '%s %s,' % (log_str, id2word[nearest[k]])
            print(log_str)

        # save向量
        with open('tensorflow/item2vec.txt', 'w', encoding='utf-8') as f:
            np_embedding = embedding.numpy()
            for index in range(np_embedding.shape[0]):
                f.write(id2word[index] + "\t" + "\t".join([str(x) for x in np_embedding[index]]) + "\n")
  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值