TensorFlow.org पर देखें | Google Colab में चलाएं | गिटहब पर देखें | नोटबुक डाउनलोड करें | TF हब मॉडल देखें |
यह नोटबुक बताती है कि यूनिवर्सल सेंटेंस एनकोडर तक कैसे पहुंचा जाए और वाक्य समानता और वाक्य वर्गीकरण कार्यों के लिए इसका उपयोग कैसे किया जाए।
यूनिवर्सल सेंटेंस एनकोडर वाक्य स्तर के एम्बेडिंग को उतना ही आसान बनाता है जितना कि ऐतिहासिक रूप से अलग-अलग शब्दों के लिए एम्बेडिंग को देखने के लिए किया गया है। वाक्य एम्बेडिंग का उपयोग वाक्य स्तर की समानता की गणना करने के साथ-साथ कम पर्यवेक्षित प्रशिक्षण डेटा का उपयोग करके डाउनस्ट्रीम वर्गीकरण कार्यों पर बेहतर प्रदर्शन को सक्षम करने के लिए किया जा सकता है।
सेट अप
यह खंड TF हब पर यूनिवर्सल सेंटेंस एनकोडर तक पहुंच के लिए वातावरण स्थापित करता है और शब्दों, वाक्यों और पैराग्राफों में एन्कोडर को लागू करने के उदाहरण प्रदान करता है।
%%capture
!pip3 install seaborn
स्थापित करने Tensorflow के बारे में अधिक विस्तृत जानकारी में पाया जा सकता https://www.tensorflow.org/install/ ।
यूनिवर्सल सेंटेंस एनकोडर के TF हब मॉड्यूल को लोड करें
from absl import logging
import tensorflow as tf
import tensorflow_hub as hub
import matplotlib.pyplot as plt
import numpy as np
import os
import pandas as pd
import re
import seaborn as sns
module_url = "https://tfhub.dev/google/universal-sentence-encoder/4"
model = hub.load(module_url)
print ("module %s loaded" % module_url)
def embed(input):
return model(input)
module https://tfhub.dev/google/universal-sentence-encoder/4 loaded
समर्थित विभिन्न लंबाई दिखाते हुए, प्रत्येक संदेश के लिए एक प्रतिनिधित्व की गणना करें।
word = "Elephant"
sentence = "I am a sentence for which I would like to get its embedding."
paragraph = (
"Universal Sentence Encoder embeddings also support short paragraphs. "
"There is no hard limit on how long the paragraph is. Roughly, the longer "
"the more 'diluted' the embedding will be.")
messages = [word, sentence, paragraph]
# Reduce logging output.
logging.set_verbosity(logging.ERROR)
message_embeddings = embed(messages)
for i, message_embedding in enumerate(np.array(message_embeddings).tolist()):
print("Message: {}".format(messages[i]))
print("Embedding size: {}".format(len(message_embedding)))
message_embedding_snippet = ", ".join(
(str(x) for x in message_embedding[:3]))
print("Embedding: [{}, ...]\n".format(message_embedding_snippet))
Message: Elephant Embedding size: 512 Embedding: [0.008344474248588085, 0.00048079612315632403, 0.06595245748758316, ...] Message: I am a sentence for which I would like to get its embedding. Embedding size: 512 Embedding: [0.05080860108137131, -0.016524313017725945, 0.015737781301140785, ...] Message: Universal Sentence Encoder embeddings also support short paragraphs. There is no hard limit on how long the paragraph is. Roughly, the longer the more 'diluted' the embedding will be. Embedding size: 512 Embedding: [-0.028332678601145744, -0.05586216226220131, -0.012941479682922363, ...]
सिमेंटिक टेक्स्टुअल समानता कार्य उदाहरण
यूनिवर्सल सेंटेंस एनकोडर द्वारा निर्मित एम्बेडिंग लगभग सामान्यीकृत हैं। दो वाक्यों की शब्दार्थ समानता को एन्कोडिंग के आंतरिक उत्पाद के रूप में तुच्छ रूप से गणना की जा सकती है।
def plot_similarity(labels, features, rotation):
corr = np.inner(features, features)
sns.set(font_scale=1.2)
g = sns.heatmap(
corr,
xticklabels=labels,
yticklabels=labels,
vmin=0,
vmax=1,
cmap="YlOrRd")
g.set_xticklabels(labels, rotation=rotation)
g.set_title("Semantic Textual Similarity")
def run_and_plot(messages_):
message_embeddings_ = embed(messages_)
plot_similarity(messages_, message_embeddings_, 90)
समानता विज़ुअलाइज़्ड
यहाँ हम ऊष्मा मानचित्र में समानता दिखाते हैं। अंतिम ग्राफ एक 9x9 मैट्रिक्स जहां प्रत्येक प्रविष्टि है [i, j]
वाक्य के लिए एन्कोडिंग की आंतरिक उत्पाद के आधार पर रंग का है i
और j
।
messages = [
# Smartphones
"I like my phone",
"My phone is not good.",
"Your cellphone looks great.",
# Weather
"Will it snow tomorrow?",
"Recently a lot of hurricanes have hit the US",
"Global warming is real",
# Food and health
"An apple a day, keeps the doctors away",
"Eating strawberries is healthy",
"Is paleo better than keto?",
# Asking about age
"How old are you?",
"what is your age?",
]
run_and_plot(messages)
मूल्यांकन: एसटीएस (अर्थात् पाठ्य समानता) बेंचमार्क
एसटीएस बेंचमार्क डिग्री जो करने के लिए समानता स्कोर मानव निर्णयों के साथ उपयोग से गणना की सजा embeddings संरेखित के आंतरिक मूल्यांकन प्रदान करता है। बेंचमार्क को वाक्य जोड़े के विविध चयन के लिए समानता स्कोर वापस करने के लिए सिस्टम की आवश्यकता होती है। पियर्सन सहसंबंध तो मानव निर्णय के खिलाफ मशीन समानता स्कोर की गुणवत्ता का मूल्यांकन करने के लिए प्रयोग किया जाता है।
डेटा डाउनलोड करें
import pandas
import scipy
import math
import csv
sts_dataset = tf.keras.utils.get_file(
fname="Stsbenchmark.tar.gz",
origin="http://ixa2.si.ehu.es/stswiki/images/4/48/Stsbenchmark.tar.gz",
extract=True)
sts_dev = pandas.read_table(
os.path.join(os.path.dirname(sts_dataset), "stsbenchmark", "sts-dev.csv"),
error_bad_lines=False,
skip_blank_lines=True,
usecols=[4, 5, 6],
names=["sim", "sent_1", "sent_2"])
sts_test = pandas.read_table(
os.path.join(
os.path.dirname(sts_dataset), "stsbenchmark", "sts-test.csv"),
error_bad_lines=False,
quoting=csv.QUOTE_NONE,
skip_blank_lines=True,
usecols=[4, 5, 6],
names=["sim", "sent_1", "sent_2"])
# cleanup some NaN values in sts_dev
sts_dev = sts_dev[[isinstance(s, str) for s in sts_dev['sent_2']]]
/tmpfs/src/tf_docs_env/lib/python3.7/site-packages/IPython/core/interactiveshell.py:3444: FutureWarning: The error_bad_lines argument has been deprecated and will be removed in a future version. exec(code_obj, self.user_global_ns, self.user_ns)
वाक्य एम्बेडिंग का मूल्यांकन करें
sts_data = sts_dev
def run_sts_benchmark(batch):
sts_encode1 = tf.nn.l2_normalize(embed(tf.constant(batch['sent_1'].tolist())), axis=1)
sts_encode2 = tf.nn.l2_normalize(embed(tf.constant(batch['sent_2'].tolist())), axis=1)
cosine_similarities = tf.reduce_sum(tf.multiply(sts_encode1, sts_encode2), axis=1)
clip_cosine_similarities = tf.clip_by_value(cosine_similarities, -1.0, 1.0)
scores = 1.0 - tf.acos(clip_cosine_similarities) / math.pi
"""Returns the similarity scores"""
return scores
dev_scores = sts_data['sim'].tolist()
scores = []
for batch in np.array_split(sts_data, 10):
scores.extend(run_sts_benchmark(batch))
pearson_correlation = scipy.stats.pearsonr(scores, dev_scores)
print('Pearson correlation coefficient = {0}\np-value = {1}'.format(
pearson_correlation[0], pearson_correlation[1]))
Pearson correlation coefficient = 0.8036394630692778 p-value = 0.0