Spaces:
Configuration error
Configuration error
Upload 15 files
Browse files- README.md +170 -10
- app.py +31 -0
- config.json +10 -0
- config_sentence_transformers.json +10 -0
- model.safetensors +3 -0
- modules.json +20 -0
- posts.csv +3 -0
- posts_cleaned.csv +301 -0
- recommender_model.pkl +3 -0
- requirements.txt +6 -0
- sentence_bert_config.json +4 -0
- special_tokens_map.json +37 -0
- tokenizer.json +0 -0
- tokenizer_config.json +65 -0
- vocab.txt +0 -0
README.md
CHANGED
@@ -1,13 +1,173 @@
|
|
1 |
---
|
2 |
-
|
3 |
-
|
4 |
-
|
5 |
-
|
6 |
-
|
7 |
-
|
8 |
-
|
9 |
-
|
10 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
11 |
---
|
12 |
|
13 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
---
|
2 |
+
language: en
|
3 |
+
license: apache-2.0
|
4 |
+
library_name: sentence-transformers
|
5 |
+
tags:
|
6 |
+
- sentence-transformers
|
7 |
+
- feature-extraction
|
8 |
+
- sentence-similarity
|
9 |
+
- transformers
|
10 |
+
datasets:
|
11 |
+
- s2orc
|
12 |
+
- flax-sentence-embeddings/stackexchange_xml
|
13 |
+
- ms_marco
|
14 |
+
- gooaq
|
15 |
+
- yahoo_answers_topics
|
16 |
+
- code_search_net
|
17 |
+
- search_qa
|
18 |
+
- eli5
|
19 |
+
- snli
|
20 |
+
- multi_nli
|
21 |
+
- wikihow
|
22 |
+
- natural_questions
|
23 |
+
- trivia_qa
|
24 |
+
- embedding-data/sentence-compression
|
25 |
+
- embedding-data/flickr30k-captions
|
26 |
+
- embedding-data/altlex
|
27 |
+
- embedding-data/simple-wiki
|
28 |
+
- embedding-data/QQP
|
29 |
+
- embedding-data/SPECTER
|
30 |
+
- embedding-data/PAQ_pairs
|
31 |
+
- embedding-data/WikiAnswers
|
32 |
+
pipeline_tag: sentence-similarity
|
33 |
---
|
34 |
|
35 |
+
|
36 |
+
# all-MiniLM-L6-v2
|
37 |
+
This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 384 dimensional dense vector space and can be used for tasks like clustering or semantic search.
|
38 |
+
|
39 |
+
## Usage (Sentence-Transformers)
|
40 |
+
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
|
41 |
+
|
42 |
+
```
|
43 |
+
pip install -U sentence-transformers
|
44 |
+
```
|
45 |
+
|
46 |
+
Then you can use the model like this:
|
47 |
+
```python
|
48 |
+
from sentence_transformers import SentenceTransformer
|
49 |
+
sentences = ["This is an example sentence", "Each sentence is converted"]
|
50 |
+
|
51 |
+
model = SentenceTransformer('sentence-transformers/all-MiniLM-L6-v2')
|
52 |
+
embeddings = model.encode(sentences)
|
53 |
+
print(embeddings)
|
54 |
+
```
|
55 |
+
|
56 |
+
## Usage (HuggingFace Transformers)
|
57 |
+
Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings.
|
58 |
+
|
59 |
+
```python
|
60 |
+
from transformers import AutoTokenizer, AutoModel
|
61 |
+
import torch
|
62 |
+
import torch.nn.functional as F
|
63 |
+
|
64 |
+
#Mean Pooling - Take attention mask into account for correct averaging
|
65 |
+
def mean_pooling(model_output, attention_mask):
|
66 |
+
token_embeddings = model_output[0] #First element of model_output contains all token embeddings
|
67 |
+
input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
|
68 |
+
return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
|
69 |
+
|
70 |
+
|
71 |
+
# Sentences we want sentence embeddings for
|
72 |
+
sentences = ['This is an example sentence', 'Each sentence is converted']
|
73 |
+
|
74 |
+
# Load model from HuggingFace Hub
|
75 |
+
tokenizer = AutoTokenizer.from_pretrained('sentence-transformers/all-MiniLM-L6-v2')
|
76 |
+
model = AutoModel.from_pretrained('sentence-transformers/all-MiniLM-L6-v2')
|
77 |
+
|
78 |
+
# Tokenize sentences
|
79 |
+
encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
|
80 |
+
|
81 |
+
# Compute token embeddings
|
82 |
+
with torch.no_grad():
|
83 |
+
model_output = model(**encoded_input)
|
84 |
+
|
85 |
+
# Perform pooling
|
86 |
+
sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
|
87 |
+
|
88 |
+
# Normalize embeddings
|
89 |
+
sentence_embeddings = F.normalize(sentence_embeddings, p=2, dim=1)
|
90 |
+
|
91 |
+
print("Sentence embeddings:")
|
92 |
+
print(sentence_embeddings)
|
93 |
+
```
|
94 |
+
|
95 |
+
------
|
96 |
+
|
97 |
+
## Background
|
98 |
+
|
99 |
+
The project aims to train sentence embedding models on very large sentence level datasets using a self-supervised
|
100 |
+
contrastive learning objective. We used the pretrained [`nreimers/MiniLM-L6-H384-uncased`](https://huggingface.co/nreimers/MiniLM-L6-H384-uncased) model and fine-tuned in on a
|
101 |
+
1B sentence pairs dataset. We use a contrastive learning objective: given a sentence from the pair, the model should predict which out of a set of randomly sampled other sentences, was actually paired with it in our dataset.
|
102 |
+
|
103 |
+
We developed this model during the
|
104 |
+
[Community week using JAX/Flax for NLP & CV](https://discuss.huggingface.co/t/open-to-the-community-community-week-using-jax-flax-for-nlp-cv/7104),
|
105 |
+
organized by Hugging Face. We developed this model as part of the project:
|
106 |
+
[Train the Best Sentence Embedding Model Ever with 1B Training Pairs](https://discuss.huggingface.co/t/train-the-best-sentence-embedding-model-ever-with-1b-training-pairs/7354). We benefited from efficient hardware infrastructure to run the project: 7 TPUs v3-8, as well as intervention from Googles Flax, JAX, and Cloud team member about efficient deep learning frameworks.
|
107 |
+
|
108 |
+
## Intended uses
|
109 |
+
|
110 |
+
Our model is intended to be used as a sentence and short paragraph encoder. Given an input text, it outputs a vector which captures
|
111 |
+
the semantic information. The sentence vector may be used for information retrieval, clustering or sentence similarity tasks.
|
112 |
+
|
113 |
+
By default, input text longer than 256 word pieces is truncated.
|
114 |
+
|
115 |
+
|
116 |
+
## Training procedure
|
117 |
+
|
118 |
+
### Pre-training
|
119 |
+
|
120 |
+
We use the pretrained [`nreimers/MiniLM-L6-H384-uncased`](https://huggingface.co/nreimers/MiniLM-L6-H384-uncased) model. Please refer to the model card for more detailed information about the pre-training procedure.
|
121 |
+
|
122 |
+
### Fine-tuning
|
123 |
+
|
124 |
+
We fine-tune the model using a contrastive objective. Formally, we compute the cosine similarity from each possible sentence pairs from the batch.
|
125 |
+
We then apply the cross entropy loss by comparing with true pairs.
|
126 |
+
|
127 |
+
#### Hyper parameters
|
128 |
+
|
129 |
+
We trained our model on a TPU v3-8. We train the model during 100k steps using a batch size of 1024 (128 per TPU core).
|
130 |
+
We use a learning rate warm up of 500. The sequence length was limited to 128 tokens. We used the AdamW optimizer with
|
131 |
+
a 2e-5 learning rate. The full training script is accessible in this current repository: `train_script.py`.
|
132 |
+
|
133 |
+
#### Training data
|
134 |
+
|
135 |
+
We use the concatenation from multiple datasets to fine-tune our model. The total number of sentence pairs is above 1 billion sentences.
|
136 |
+
We sampled each dataset given a weighted probability which configuration is detailed in the `data_config.json` file.
|
137 |
+
|
138 |
+
|
139 |
+
| Dataset | Paper | Number of training tuples |
|
140 |
+
|--------------------------------------------------------|:----------------------------------------:|:--------------------------:|
|
141 |
+
| [Reddit comments (2015-2018)](https://github.com/PolyAI-LDN/conversational-datasets/tree/master/reddit) | [paper](https://arxiv.org/abs/1904.06472) | 726,484,430 |
|
142 |
+
| [S2ORC](https://github.com/allenai/s2orc) Citation pairs (Abstracts) | [paper](https://aclanthology.org/2020.acl-main.447/) | 116,288,806 |
|
143 |
+
| [WikiAnswers](https://github.com/afader/oqa#wikianswers-corpus) Duplicate question pairs | [paper](https://doi.org/10.1145/2623330.2623677) | 77,427,422 |
|
144 |
+
| [PAQ](https://github.com/facebookresearch/PAQ) (Question, Answer) pairs | [paper](https://arxiv.org/abs/2102.07033) | 64,371,441 |
|
145 |
+
| [S2ORC](https://github.com/allenai/s2orc) Citation pairs (Titles) | [paper](https://aclanthology.org/2020.acl-main.447/) | 52,603,982 |
|
146 |
+
| [S2ORC](https://github.com/allenai/s2orc) (Title, Abstract) | [paper](https://aclanthology.org/2020.acl-main.447/) | 41,769,185 |
|
147 |
+
| [Stack Exchange](https://huggingface.co/datasets/flax-sentence-embeddings/stackexchange_xml) (Title, Body) pairs | - | 25,316,456 |
|
148 |
+
| [Stack Exchange](https://huggingface.co/datasets/flax-sentence-embeddings/stackexchange_xml) (Title+Body, Answer) pairs | - | 21,396,559 |
|
149 |
+
| [Stack Exchange](https://huggingface.co/datasets/flax-sentence-embeddings/stackexchange_xml) (Title, Answer) pairs | - | 21,396,559 |
|
150 |
+
| [MS MARCO](https://microsoft.github.io/msmarco/) triplets | [paper](https://doi.org/10.1145/3404835.3462804) | 9,144,553 |
|
151 |
+
| [GOOAQ: Open Question Answering with Diverse Answer Types](https://github.com/allenai/gooaq) | [paper](https://arxiv.org/pdf/2104.08727.pdf) | 3,012,496 |
|
152 |
+
| [Yahoo Answers](https://www.kaggle.com/soumikrakshit/yahoo-answers-dataset) (Title, Answer) | [paper](https://proceedings.neurips.cc/paper/2015/hash/250cf8b51c773f3f8dc8b4be867a9a02-Abstract.html) | 1,198,260 |
|
153 |
+
| [Code Search](https://huggingface.co/datasets/code_search_net) | - | 1,151,414 |
|
154 |
+
| [COCO](https://cocodataset.org/#home) Image captions | [paper](https://link.springer.com/chapter/10.1007%2F978-3-319-10602-1_48) | 828,395|
|
155 |
+
| [SPECTER](https://github.com/allenai/specter) citation triplets | [paper](https://doi.org/10.18653/v1/2020.acl-main.207) | 684,100 |
|
156 |
+
| [Yahoo Answers](https://www.kaggle.com/soumikrakshit/yahoo-answers-dataset) (Question, Answer) | [paper](https://proceedings.neurips.cc/paper/2015/hash/250cf8b51c773f3f8dc8b4be867a9a02-Abstract.html) | 681,164 |
|
157 |
+
| [Yahoo Answers](https://www.kaggle.com/soumikrakshit/yahoo-answers-dataset) (Title, Question) | [paper](https://proceedings.neurips.cc/paper/2015/hash/250cf8b51c773f3f8dc8b4be867a9a02-Abstract.html) | 659,896 |
|
158 |
+
| [SearchQA](https://huggingface.co/datasets/search_qa) | [paper](https://arxiv.org/abs/1704.05179) | 582,261 |
|
159 |
+
| [Eli5](https://huggingface.co/datasets/eli5) | [paper](https://doi.org/10.18653/v1/p19-1346) | 325,475 |
|
160 |
+
| [Flickr 30k](https://shannon.cs.illinois.edu/DenotationGraph/) | [paper](https://transacl.org/ojs/index.php/tacl/article/view/229/33) | 317,695 |
|
161 |
+
| [Stack Exchange](https://huggingface.co/datasets/flax-sentence-embeddings/stackexchange_xml) Duplicate questions (titles) | | 304,525 |
|
162 |
+
| AllNLI ([SNLI](https://nlp.stanford.edu/projects/snli/) and [MultiNLI](https://cims.nyu.edu/~sbowman/multinli/) | [paper SNLI](https://doi.org/10.18653/v1/d15-1075), [paper MultiNLI](https://doi.org/10.18653/v1/n18-1101) | 277,230 |
|
163 |
+
| [Stack Exchange](https://huggingface.co/datasets/flax-sentence-embeddings/stackexchange_xml) Duplicate questions (bodies) | | 250,519 |
|
164 |
+
| [Stack Exchange](https://huggingface.co/datasets/flax-sentence-embeddings/stackexchange_xml) Duplicate questions (titles+bodies) | | 250,460 |
|
165 |
+
| [Sentence Compression](https://github.com/google-research-datasets/sentence-compression) | [paper](https://www.aclweb.org/anthology/D13-1155/) | 180,000 |
|
166 |
+
| [Wikihow](https://github.com/pvl/wikihow_pairs_dataset) | [paper](https://arxiv.org/abs/1810.09305) | 128,542 |
|
167 |
+
| [Altlex](https://github.com/chridey/altlex/) | [paper](https://aclanthology.org/P16-1135.pdf) | 112,696 |
|
168 |
+
| [Quora Question Triplets](https://quoradata.quora.com/First-Quora-Dataset-Release-Question-Pairs) | - | 103,663 |
|
169 |
+
| [Simple Wikipedia](https://cs.pomona.edu/~dkauchak/simplification/) | [paper](https://www.aclweb.org/anthology/P11-2117/) | 102,225 |
|
170 |
+
| [Natural Questions (NQ)](https://ai.google.com/research/NaturalQuestions) | [paper](https://transacl.org/ojs/index.php/tacl/article/view/1455) | 100,231 |
|
171 |
+
| [SQuAD2.0](https://rajpurkar.github.io/SQuAD-explorer/) | [paper](https://aclanthology.org/P18-2124.pdf) | 87,599 |
|
172 |
+
| [TriviaQA](https://huggingface.co/datasets/trivia_qa) | - | 73,346 |
|
173 |
+
| **Total** | | **1,170,060,424** |
|
app.py
ADDED
@@ -0,0 +1,31 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import gradio as gr
|
2 |
+
import pickle
|
3 |
+
import pandas as pd
|
4 |
+
from sklearn.metrics.pairwise import cosine_similarity
|
5 |
+
|
6 |
+
# Load model and dataset
|
7 |
+
with open("recommender_model.pkl", "rb") as f:
|
8 |
+
model = pickle.load(f)
|
9 |
+
|
10 |
+
posts_df = pd.read_csv("posts_cleaned.csv") # your full dataset with post content
|
11 |
+
post_embeddings = model["embeddings"] # precomputed post embeddings
|
12 |
+
vectorizer = model["vectorizer"] # for transforming user input
|
13 |
+
|
14 |
+
# Predict function
|
15 |
+
def recommend_from_input(user_text):
|
16 |
+
user_vec = vectorizer.encode([user_text])
|
17 |
+
sims = cosine_similarity(user_vec, post_embeddings)[0]
|
18 |
+
top_idxs = sims.argsort()[-5:][::-1]
|
19 |
+
top_posts = posts_df.iloc[top_idxs]["post_text"].tolist()
|
20 |
+
return "\n\n".join(top_posts)
|
21 |
+
|
22 |
+
# Gradio UI
|
23 |
+
interface = gr.Interface(
|
24 |
+
fn=recommend_from_input,
|
25 |
+
inputs="text",
|
26 |
+
outputs="text",
|
27 |
+
title="AI Content Recommender",
|
28 |
+
description="Enter a sample interest or post to receive recommendations"
|
29 |
+
)
|
30 |
+
|
31 |
+
interface.launch()
|
config.json
ADDED
@@ -0,0 +1,10 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"word_embedding_dimension": 384,
|
3 |
+
"pooling_mode_cls_token": false,
|
4 |
+
"pooling_mode_mean_tokens": true,
|
5 |
+
"pooling_mode_max_tokens": false,
|
6 |
+
"pooling_mode_mean_sqrt_len_tokens": false,
|
7 |
+
"pooling_mode_weightedmean_tokens": false,
|
8 |
+
"pooling_mode_lasttoken": false,
|
9 |
+
"include_prompt": true
|
10 |
+
}
|
config_sentence_transformers.json
ADDED
@@ -0,0 +1,10 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"__version__": {
|
3 |
+
"sentence_transformers": "4.1.0",
|
4 |
+
"transformers": "4.54.0",
|
5 |
+
"pytorch": "2.6.0+cu124"
|
6 |
+
},
|
7 |
+
"prompts": {},
|
8 |
+
"default_prompt_name": null,
|
9 |
+
"similarity_fn_name": "cosine"
|
10 |
+
}
|
model.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:1377e9af0ca0b016a9f2aa584d6fc71ab3ea6804fae21ef9fb1416e2944057ac
|
3 |
+
size 90864192
|
modules.json
ADDED
@@ -0,0 +1,20 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[
|
2 |
+
{
|
3 |
+
"idx": 0,
|
4 |
+
"name": "0",
|
5 |
+
"path": "",
|
6 |
+
"type": "sentence_transformers.models.Transformer"
|
7 |
+
},
|
8 |
+
{
|
9 |
+
"idx": 1,
|
10 |
+
"name": "1",
|
11 |
+
"path": "1_Pooling",
|
12 |
+
"type": "sentence_transformers.models.Pooling"
|
13 |
+
},
|
14 |
+
{
|
15 |
+
"idx": 2,
|
16 |
+
"name": "2",
|
17 |
+
"path": "2_Normalize",
|
18 |
+
"type": "sentence_transformers.models.Normalize"
|
19 |
+
}
|
20 |
+
]
|
posts.csv
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
col1,col2
|
2 |
+
1,A
|
3 |
+
2,B
|
posts_cleaned.csv
ADDED
@@ -0,0 +1,301 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
post_id,user_id,topic,media_type,hashtags,post_text,timestamp,post_length
|
2 |
+
post_1,user_46,Crypto,image,"blockchainlife,futureoftech",Check out this image related to Crypto! #crypto 📸,2025-06-26T20:48:42.560565,36
|
3 |
+
post_2,user_95,Art,text,"dailyphoto,blockchainlife",Just learned something amazing about Art. #art,2025-04-07T22:41:05.799321,76
|
4 |
+
post_3,user_8,News,image,"decentralized,dailyphoto",News in pictures — what do you think? #news,2025-02-03T12:02:03.273184,53
|
5 |
+
post_4,user_37,News,text,"futureoftech,decentralized",Just learned something amazing about News. #news,2025-03-25T13:48:43.414751,68
|
6 |
+
post_5,user_57,News,text,"futureoftech,decentralized",Just learned something amazing about News. #news,2025-04-20T06:48:29.806076,18
|
7 |
+
post_6,user_80,Sports,image,"dailyphoto,blockchainlife",Sports in pictures — what do you think? #sports,2025-07-21T23:58:47.200333,22
|
8 |
+
post_7,user_72,Web3,image,"decentralized,futureoftech",Check out this image related to Web3! #web3 📸,2025-02-18T05:50:17.508332,69
|
9 |
+
post_8,user_92,Art,text,"futureoftech,blockchainlife",Thoughts on Art? #art,2025-07-04T15:16:34.395617,96
|
10 |
+
post_9,user_93,Music,image,"dailyphoto,futureoftech",Check out this image related to Music! #music 📸,2025-05-09T21:23:54.992428,44
|
11 |
+
post_10,user_19,Crypto,text,"dailyphoto,decentralized",Crypto is changing everything. #crypto,2025-07-22T20:57:10.000411,122
|
12 |
+
post_11,user_88,News,text,"dailyphoto,blockchainlife",Just learned something amazing about News. #news,2025-04-16T23:36:19.082714,33
|
13 |
+
post_12,user_71,Sports,text,"blockchainlife,futureoftech",Sports is changing everything. #sports,2025-07-11T05:40:00.951353,84
|
14 |
+
post_13,user_34,News,image,"futureoftech,decentralized",Check out this image related to News! #news 📸,2025-06-19T06:14:03.558886,74
|
15 |
+
post_14,user_98,News,text,"dailyphoto,decentralized",Big news in the world of News! #news,2025-05-04T05:50:09.310663,57
|
16 |
+
post_15,user_23,Sports,text,"decentralized,dailyphoto",Sports is changing everything. #sports,2025-02-21T22:37:21.476397,35
|
17 |
+
post_16,user_87,Web3,text,"blockchainlife,decentralized",Just learned something amazing about Web3. #web3,2025-04-19T08:50:04.542841,104
|
18 |
+
post_17,user_36,Music,text,"blockchainlife,futureoftech",Thoughts on Music? #music,2025-04-28T14:59:29.367792,65
|
19 |
+
post_18,user_93,Art,image,"blockchainlife,futureoftech",Captured this moment during a discussion on Art. #art,2025-01-24T18:31:37.577578,129
|
20 |
+
post_19,user_18,Sports,image,"blockchainlife,dailyphoto",Check out this image related to Sports! #sports 📸,2025-04-07T03:12:58.811839,120
|
21 |
+
post_20,user_56,Music,image,"dailyphoto,blockchainlife",Captured this moment during a discussion on Music. #music,2025-05-05T19:34:57.918091,32
|
22 |
+
post_21,user_9,Art,text,"decentralized,dailyphoto",Just learned something amazing about Art. #art,2025-04-20T10:14:16.123798,78
|
23 |
+
post_22,user_48,Sports,image,"blockchainlife,dailyphoto",Captured this moment during a discussion on Sports. #sports,2025-01-19T22:41:06.822306,48
|
24 |
+
post_23,user_9,News,text,"dailyphoto,futureoftech",News is changing everything. #news,2025-06-30T08:28:57.893045,89
|
25 |
+
post_24,user_27,Sports,text,"decentralized,blockchainlife",Just learned something amazing about Sports. #sports,2025-05-03T01:42:19.930954,60
|
26 |
+
post_25,user_29,Sports,image,"decentralized,futureoftech",Visualizing Sports today. #sports #Inspo,2025-06-02T02:24:03.070322,27
|
27 |
+
post_26,user_30,Web3,image,"blockchainlife,futureoftech",Web3 in pictures — what do you think? #web3,2025-05-19T07:59:42.418814,60
|
28 |
+
post_27,user_50,Web3,image,"futureoftech,decentralized",Check out this image related to Web3! #web3 📸,2025-02-07T06:11:33.381913,61
|
29 |
+
post_28,user_38,Web3,text,"decentralized,futureoftech",Exploring the future of Web3! #web3,2025-05-01T11:44:37.677287,34
|
30 |
+
post_29,user_7,Sports,text,"dailyphoto,blockchainlife",Big news in the world of Sports! #sports,2025-04-29T07:39:15.349629,58
|
31 |
+
post_30,user_79,Art,image,"dailyphoto,blockchainlife",Visualizing Art today. #art #Inspo,2025-03-24T04:41:10.396710,133
|
32 |
+
post_31,user_11,Crypto,image,"futureoftech,decentralized",Crypto in pictures — what do you think? #crypto,2025-05-05T23:04:26.950937,34
|
33 |
+
post_32,user_18,Art,image,"futureoftech,decentralized",Art in pictures — what do you think? #art,2025-05-22T02:32:33.187458,53
|
34 |
+
post_33,user_51,News,image,"decentralized,blockchainlife",News in pictures — what do you think? #news,2025-06-06T00:15:29.547991,31
|
35 |
+
post_34,user_22,News,text,"futureoftech,dailyphoto",Exploring the future of News! #news,2025-05-01T04:47:28.557942,31
|
36 |
+
post_35,user_87,Music,image,"dailyphoto,futureoftech",Visualizing Music today. #music #Inspo,2025-03-16T16:07:02.586918,86
|
37 |
+
post_36,user_67,Music,image,"futureoftech,decentralized",Visualizing Music today. #music #Inspo,2025-04-14T19:33:11.956559,26
|
38 |
+
post_37,user_33,News,image,"blockchainlife,futureoftech",News in pictures — what do you think? #news,2025-06-19T16:25:39.220160,59
|
39 |
+
post_38,user_38,Music,text,"decentralized,futureoftech",Music is changing everything. #music,2025-07-07T15:47:45.116010,45
|
40 |
+
post_39,user_92,Art,text,"dailyphoto,futureoftech",Art is changing everything. #art,2025-04-06T14:11:36.685613,91
|
41 |
+
post_40,user_81,Art,image,"dailyphoto,decentralized",Check out this image related to Art! #art 📸,2025-05-18T07:45:09.897924,105
|
42 |
+
post_41,user_19,Art,text,"blockchainlife,decentralized",Thoughts on Art? #art,2025-03-19T11:26:54.002862,66
|
43 |
+
post_42,user_69,Music,text,"futureoftech,dailyphoto",Thoughts on Music? #music,2025-07-10T22:45:16.472039,45
|
44 |
+
post_43,user_53,News,text,"futureoftech,decentralized",News is changing everything. #news,2025-02-08T03:49:28.960521,57
|
45 |
+
post_44,user_17,Art,image,"blockchainlife,futureoftech",Visualizing Art today. #art #Inspo,2025-07-11T21:45:56.657882,114
|
46 |
+
post_45,user_34,Sports,text,"decentralized,blockchainlife",Just learned something amazing about Sports. #sports,2025-07-28T08:37:43.803102,72
|
47 |
+
post_46,user_27,Music,image,"dailyphoto,futureoftech",Visualizing Music today. #music #Inspo,2025-07-03T18:21:22.798899,33
|
48 |
+
post_47,user_74,Music,image,"decentralized,blockchainlife",Music in pictures — what do you think? #music,2025-02-26T09:28:25.443874,61
|
49 |
+
post_48,user_22,News,image,"decentralized,futureoftech",News in pictures — what do you think? #news,2025-03-13T08:07:24.354151,81
|
50 |
+
post_49,user_48,Music,text,"futureoftech,decentralized",Thoughts on Music? #music,2025-02-07T14:36:58.239418,74
|
51 |
+
post_50,user_53,Music,image,"decentralized,dailyphoto",Music in pictures — what do you think? #music,2025-03-09T23:42:07.571893,40
|
52 |
+
post_51,user_40,Crypto,image,"blockchainlife,dailyphoto",Crypto in pictures — what do you think? #crypto,2025-06-26T14:44:28.175612,31
|
53 |
+
post_52,user_51,News,text,"dailyphoto,blockchainlife",Big news in the world of News! #news,2025-01-31T10:40:33.030795,62
|
54 |
+
post_53,user_50,Sports,image,"blockchainlife,decentralized",Captured this moment during a discussion on Sports. #sports,2025-06-27T12:28:22.984713,74
|
55 |
+
post_54,user_8,Sports,image,"dailyphoto,decentralized",Check out this image related to Sports! #sports 📸,2025-06-07T05:36:42.856007,88
|
56 |
+
post_55,user_63,AI,text,"blockchainlife,futureoftech",AI is changing everything. #ai,2025-03-16T16:30:24.346139,78
|
57 |
+
post_56,user_3,News,text,"decentralized,futureoftech",Exploring the future of News! #news,2025-04-14T19:43:58.967162,54
|
58 |
+
post_57,user_43,AI,text,"futureoftech,decentralized",Thoughts on AI? #ai,2025-04-02T02:48:16.391250,31
|
59 |
+
post_58,user_77,News,image,"dailyphoto,blockchainlife",Visualizing News today. #news #Inspo,2025-07-25T15:13:26.893820,58
|
60 |
+
post_59,user_41,AI,image,"decentralized,dailyphoto",Check out this image related to AI! #ai 📸,2025-06-27T10:10:09.555034,55
|
61 |
+
post_60,user_55,Music,image,"blockchainlife,decentralized",Captured this moment during a discussion on Music. #music,2025-04-10T04:42:37.366879,47
|
62 |
+
post_61,user_89,Music,image,"decentralized,dailyphoto",Check out this image related to Music! #music 📸,2025-04-23T22:14:40.351162,67
|
63 |
+
post_62,user_60,Art,text,"decentralized,dailyphoto",Exploring the future of Art! #art,2025-06-05T11:26:22.690750,56
|
64 |
+
post_63,user_4,Sports,image,"blockchainlife,dailyphoto",Captured this moment during a discussion on Sports. #sports,2025-01-09T09:25:56.903837,52
|
65 |
+
post_64,user_26,AI,text,"blockchainlife,futureoftech",Exploring the future of AI! #ai,2025-01-22T11:55:42.418903,52
|
66 |
+
post_65,user_74,Crypto,image,"decentralized,dailyphoto",Crypto in pictures — what do you think? #crypto,2025-02-09T23:27:04.214472,70
|
67 |
+
post_66,user_66,Web3,image,"futureoftech,decentralized",Visualizing Web3 today. #web3 #Inspo,2025-04-19T17:51:20.413010,27
|
68 |
+
post_67,user_69,Web3,image,"dailyphoto,futureoftech",Visualizing Web3 today. #web3 #Inspo,2025-04-13T03:46:54.084057,45
|
69 |
+
post_68,user_60,AI,text,"decentralized,dailyphoto",Thoughts on AI? #ai,2025-02-26T10:37:00.125041,43
|
70 |
+
post_69,user_34,Music,image,"dailyphoto,blockchainlife",Check out this image related to Music! #music 📸,2025-01-07T03:16:41.864738,54
|
71 |
+
post_70,user_62,News,text,"futureoftech,dailyphoto",Big news in the world of News! #news,2025-05-07T13:29:00.468723,40
|
72 |
+
post_71,user_32,News,text,"futureoftech,decentralized",News is changing everything. #news,2025-04-14T21:35:39.142960,32
|
73 |
+
post_72,user_8,Sports,text,"decentralized,dailyphoto",Exploring the future of Sports! #sports,2025-04-13T20:55:13.989674,27
|
74 |
+
post_73,user_16,Web3,image,"futureoftech,decentralized",Captured this moment during a discussion on Web3. #web3,2025-06-03T08:07:34.405593,64
|
75 |
+
post_74,user_71,News,image,"blockchainlife,futureoftech",News in pictures — what do you think? #news,2025-07-27T12:41:03.935782,93
|
76 |
+
post_75,user_32,Music,image,"dailyphoto,futureoftech",Visualizing Music today. #music #Inspo,2025-03-13T19:40:19.736868,87
|
77 |
+
post_76,user_94,Art,text,"dailyphoto,futureoftech",Big news in the world of Art! #art,2025-06-12T09:35:34.631838,41
|
78 |
+
post_77,user_76,Music,image,"futureoftech,decentralized",Check out this image related to Music! #music 📸,2025-05-20T01:05:14.743222,77
|
79 |
+
post_78,user_52,Web3,image,"futureoftech,blockchainlife",Visualizing Web3 today. #web3 #Inspo,2025-02-05T13:10:38.394304,75
|
80 |
+
post_79,user_50,Art,image,"dailyphoto,blockchainlife",Check out this image related to Art! #art 📸,2025-01-26T15:59:55.560473,74
|
81 |
+
post_80,user_47,Web3,image,"blockchainlife,dailyphoto",Check out this image related to Web3! #web3 📸,2025-01-30T03:51:02.004953,97
|
82 |
+
post_81,user_89,Crypto,text,"futureoftech,blockchainlife",Crypto is changing everything. #crypto,2025-05-17T08:26:42.939433,51
|
83 |
+
post_82,user_64,Music,text,"futureoftech,blockchainlife",Just learned something amazing about Music. #music,2025-06-15T13:48:39.873781,47
|
84 |
+
post_83,user_62,Art,image,"dailyphoto,blockchainlife",Captured this moment during a discussion on Art. #art,2025-04-12T15:47:23.123789,32
|
85 |
+
post_84,user_7,News,image,"decentralized,dailyphoto",Visualizing News today. #news #Inspo,2025-03-16T06:19:09.152757,114
|
86 |
+
post_85,user_38,Music,text,"blockchainlife,dailyphoto",Just learned something amazing about Music. #music,2025-03-11T07:58:44.168986,43
|
87 |
+
post_86,user_15,Music,image,"dailyphoto,blockchainlife",Captured this moment during a discussion on Music. #music,2025-01-25T03:08:41.234851,90
|
88 |
+
post_87,user_45,Crypto,text,"dailyphoto,futureoftech",Crypto is changing everything. #crypto,2025-07-07T07:53:51.324406,94
|
89 |
+
post_88,user_40,Sports,image,"dailyphoto,blockchainlife",Visualizing Sports today. #sports #Inspo,2025-03-09T13:02:34.339629,36
|
90 |
+
post_89,user_9,Crypto,image,"dailyphoto,blockchainlife",Captured this moment during a discussion on Crypto. #crypto,2025-07-12T07:51:41.306203,95
|
91 |
+
post_90,user_85,Sports,text,"blockchainlife,decentralized",Sports is changing everything. #sports,2025-04-26T00:19:14.640635,28
|
92 |
+
post_91,user_61,News,text,"blockchainlife,dailyphoto",News is changing everything. #news,2025-03-25T05:30:16.630416,45
|
93 |
+
post_92,user_58,Crypto,image,"blockchainlife,decentralized",Check out this image related to Crypto! #crypto 📸,2025-05-22T13:03:27.995138,29
|
94 |
+
post_93,user_100,News,text,"futureoftech,decentralized",Exploring the future of News! #news,2025-02-21T20:54:17.034367,33
|
95 |
+
post_94,user_4,Web3,image,"blockchainlife,dailyphoto",Check out this image related to Web3! #web3 📸,2025-05-18T15:31:32.172679,78
|
96 |
+
post_95,user_6,Art,text,"decentralized,dailyphoto",Thoughts on Art? #art,2025-03-29T23:58:16.856485,39
|
97 |
+
post_96,user_83,News,image,"decentralized,blockchainlife",News in pictures — what do you think? #news,2025-05-24T08:42:09.004138,47
|
98 |
+
post_97,user_54,Crypto,image,"blockchainlife,dailyphoto",Visualizing Crypto today. #crypto #Inspo,2025-04-15T08:46:22.119447,61
|
99 |
+
post_98,user_19,Sports,image,"futureoftech,decentralized",Captured this moment during a discussion on Sports. #sports,2025-02-26T13:47:13.762119,19
|
100 |
+
post_99,user_38,AI,text,"futureoftech,decentralized",Thoughts on AI? #ai,2025-06-15T03:48:43.039489,34
|
101 |
+
post_100,user_66,Crypto,image,"decentralized,futureoftech",Visualizing Crypto today. #crypto #Inspo,2025-01-14T02:48:09.932859,83
|
102 |
+
post_101,user_10,Art,text,"dailyphoto,blockchainlife",Thoughts on Art? #art,2025-05-25T19:34:11.229136,89
|
103 |
+
post_102,user_17,Crypto,text,"futureoftech,dailyphoto",Just learned something amazing about Crypto. #crypto,2025-07-26T09:43:35.199258,44
|
104 |
+
post_103,user_36,Music,image,"futureoftech,decentralized",Music in pictures — what do you think? #music,2025-01-31T02:03:00.362965,44
|
105 |
+
post_104,user_94,Sports,image,"dailyphoto,blockchainlife",Visualizing Sports today. #sports #Inspo,2025-05-09T15:41:40.330019,46
|
106 |
+
post_105,user_26,AI,image,"blockchainlife,decentralized",Captured this moment during a discussion on AI. #ai,2025-06-25T04:30:29.182366,100
|
107 |
+
post_106,user_77,AI,text,"futureoftech,blockchainlife",Exploring the future of AI! #ai,2025-01-23T21:44:53.739834,77
|
108 |
+
post_107,user_49,Sports,image,"dailyphoto,futureoftech",Visualizing Sports today. #sports #Inspo,2025-06-22T13:26:50.763749,45
|
109 |
+
post_108,user_88,Art,text,"futureoftech,blockchainlife",Big news in the world of Art! #art,2025-06-30T12:47:02.495098,82
|
110 |
+
post_109,user_87,Art,text,"dailyphoto,blockchainlife",Thoughts on Art? #art,2025-03-28T20:58:49.365895,47
|
111 |
+
post_110,user_84,Web3,text,"decentralized,futureoftech",Thoughts on Web3? #web3,2025-02-16T05:53:24.779746,51
|
112 |
+
post_111,user_59,Sports,text,"futureoftech,blockchainlife",Sports is changing everything. #sports,2025-01-04T08:34:34.608948,44
|
113 |
+
post_112,user_91,Web3,image,"blockchainlife,futureoftech",Check out this image related to Web3! #web3 📸,2025-04-12T02:23:50.562876,79
|
114 |
+
post_113,user_55,Sports,text,"decentralized,futureoftech",Thoughts on Sports? #sports,2025-07-02T15:00:02.348947,30
|
115 |
+
post_114,user_49,Art,text,"futureoftech,blockchainlife",Big news in the world of Art! #art,2025-03-09T13:09:41.764755,46
|
116 |
+
post_115,user_56,Crypto,image,"dailyphoto,futureoftech",Captured this moment during a discussion on Crypto. #crypto,2025-07-23T16:51:29.629245,77
|
117 |
+
post_116,user_78,Web3,image,"futureoftech,blockchainlife",Visualizing Web3 today. #web3 #Inspo,2025-05-11T02:17:04.767725,60
|
118 |
+
post_117,user_98,Art,image,"futureoftech,blockchainlife",Visualizing Art today. #art #Inspo,2025-02-06T13:36:06.625771,40
|
119 |
+
post_118,user_65,Music,text,"blockchainlife,dailyphoto",Big news in the world of Music! #music,2025-01-17T19:51:13.551495,59
|
120 |
+
post_119,user_14,Art,image,"decentralized,dailyphoto",Check out this image related to Art! #art 📸,2025-01-03T16:55:37.926813,43
|
121 |
+
post_120,user_100,Web3,text,"decentralized,futureoftech",Just learned something amazing about Web3. #web3,2025-05-27T10:09:16.316923,46
|
122 |
+
post_121,user_72,AI,text,"futureoftech,decentralized",Thoughts on AI? #ai,2025-07-05T22:23:58.607074,64
|
123 |
+
post_122,user_96,Art,image,"dailyphoto,blockchainlife",Visualizing Art today. #art #Inspo,2025-03-27T04:36:25.380822,70
|
124 |
+
post_123,user_54,Crypto,text,"blockchainlife,futureoftech",Big news in the world of Crypto! #crypto,2025-03-19T00:46:48.470885,36
|
125 |
+
post_124,user_61,Art,image,"futureoftech,decentralized",Art in pictures — what do you think? #art,2025-02-12T19:00:42.220898,46
|
126 |
+
post_125,user_68,News,image,"decentralized,futureoftech",Check out this image related to News! #news 📸,2025-03-18T21:09:49.269454,47
|
127 |
+
post_126,user_93,AI,text,"blockchainlife,dailyphoto",Thoughts on AI? #ai,2025-03-21T09:11:29.752729,55
|
128 |
+
post_127,user_55,Sports,text,"futureoftech,decentralized",Thoughts on Sports? #sports,2025-02-22T04:45:48.800244,80
|
129 |
+
post_128,user_50,Crypto,image,"dailyphoto,futureoftech",Visualizing Crypto today. #crypto #Inspo,2025-06-12T11:27:43.627529,75
|
130 |
+
post_129,user_52,Crypto,text,"futureoftech,decentralized",Crypto is changing everything. #crypto,2025-04-21T21:21:21.843026,61
|
131 |
+
post_130,user_97,Art,text,"dailyphoto,blockchainlife",Thoughts on Art? #art,2025-07-16T13:03:25.368239,57
|
132 |
+
post_131,user_88,Crypto,image,"blockchainlife,decentralized",Crypto in pictures — what do you think? #crypto,2025-03-14T06:05:56.911313,98
|
133 |
+
post_132,user_69,Crypto,image,"decentralized,blockchainlife",Crypto in pictures — what do you think? #crypto,2025-05-24T09:40:46.257682,87
|
134 |
+
post_133,user_12,Crypto,image,"blockchainlife,decentralized",Visualizing Crypto today. #crypto #Inspo,2025-05-18T04:26:07.110593,77
|
135 |
+
post_134,user_21,News,text,"blockchainlife,decentralized",Thoughts on News? #news,2025-04-14T15:47:39.533530,83
|
136 |
+
post_135,user_31,Music,text,"futureoftech,decentralized",Music is changing everything. #music,2025-05-16T05:37:36.286652,84
|
137 |
+
post_136,user_1,Sports,image,"dailyphoto,blockchainlife",Captured this moment during a discussion on Sports. #sports,2025-04-03T03:57:10.810778,46
|
138 |
+
post_137,user_76,News,image,"dailyphoto,blockchainlife",Visualizing News today. #news #Inspo,2025-02-18T18:13:59.960060,91
|
139 |
+
post_138,user_25,News,image,"decentralized,blockchainlife",Check out this image related to News! #news 📸,2025-02-14T23:39:58.120578,82
|
140 |
+
post_139,user_11,Art,image,"blockchainlife,decentralized",Art in pictures — what do you think? #art,2025-06-10T23:44:14.176284,56
|
141 |
+
post_140,user_21,Sports,image,"decentralized,futureoftech",Sports in pictures — what do you think? #sports,2025-03-04T02:31:28.667404,31
|
142 |
+
post_141,user_43,Music,text,"futureoftech,blockchainlife",Thoughts on Music? #music,2025-07-14T05:17:01.138880,120
|
143 |
+
post_142,user_8,News,text,"blockchainlife,futureoftech",Thoughts on News? #news,2025-04-30T08:21:49.010137,74
|
144 |
+
post_143,user_26,News,text,"decentralized,futureoftech",News is changing everything. #news,2025-07-08T23:18:35.166433,40
|
145 |
+
post_144,user_25,Art,image,"dailyphoto,futureoftech",Art in pictures — what do you think? #art,2025-01-17T20:31:36.016393,63
|
146 |
+
post_145,user_94,Web3,text,"blockchainlife,decentralized",Web3 is changing everything. #web3,2025-02-28T18:43:58.022758,18
|
147 |
+
post_146,user_25,Sports,image,"decentralized,dailyphoto",Visualizing Sports today. #sports #Inspo,2025-02-25T18:24:57.517821,51
|
148 |
+
post_147,user_21,Music,text,"decentralized,blockchainlife",Just learned something amazing about Music. #music,2025-06-28T07:51:04.880570,96
|
149 |
+
post_148,user_84,Web3,image,"decentralized,dailyphoto",Web3 in pictures — what do you think? #web3,2025-01-28T01:37:57.989240,55
|
150 |
+
post_149,user_61,AI,text,"dailyphoto,blockchainlife",Thoughts on AI? #ai,2025-01-05T23:35:09.494054,110
|
151 |
+
post_150,user_34,Art,image,"futureoftech,decentralized",Check out this image related to Art! #art 📸,2025-03-01T12:37:37.985144,79
|
152 |
+
post_151,user_34,Music,text,"dailyphoto,futureoftech",Thoughts on Music? #music,2025-07-10T01:03:33.063838,104
|
153 |
+
post_152,user_66,Sports,text,"blockchainlife,dailyphoto",Thoughts on Sports? #sports,2025-04-16T23:56:05.824998,48
|
154 |
+
post_153,user_67,News,image,"blockchainlife,dailyphoto",Check out this image related to News! #news 📸,2025-07-26T20:10:03.902078,50
|
155 |
+
post_154,user_58,Music,image,"blockchainlife,decentralized",Captured this moment during a discussion on Music. #music,2025-01-01T03:02:48.481067,71
|
156 |
+
post_155,user_47,AI,image,"decentralized,futureoftech",Check out this image related to AI! #ai 📸,2025-07-08T20:37:23.273623,66
|
157 |
+
post_156,user_19,Crypto,text,"blockchainlife,dailyphoto",Exploring the future of Crypto! #crypto,2025-06-12T05:30:02.035737,56
|
158 |
+
post_157,user_30,News,image,"futureoftech,decentralized",Visualizing News today. #news #Inspo,2025-05-11T22:33:21.692581,68
|
159 |
+
post_158,user_77,Music,text,"futureoftech,blockchainlife",Thoughts on Music? #music,2025-01-01T06:13:57.623868,72
|
160 |
+
post_159,user_84,News,text,"blockchainlife,decentralized",Big news in the world of News! #news,2025-05-06T07:26:28.494867,85
|
161 |
+
post_160,user_73,News,image,"futureoftech,decentralized",Captured this moment during a discussion on News. #news,2025-03-19T15:13:06.608760,25
|
162 |
+
post_161,user_41,Crypto,text,"decentralized,blockchainlife",Thoughts on Crypto? #crypto,2025-05-17T17:15:26.987903,35
|
163 |
+
post_162,user_54,Web3,image,"futureoftech,decentralized",Captured this moment during a discussion on Web3. #web3,2025-01-23T09:45:22.874837,36
|
164 |
+
post_163,user_19,AI,text,"decentralized,futureoftech",Just learned something amazing about AI. #ai,2025-03-31T23:09:29.978321,43
|
165 |
+
post_164,user_52,News,image,"blockchainlife,dailyphoto",Visualizing News today. #news #Inspo,2025-03-26T04:06:54.569502,65
|
166 |
+
post_165,user_6,Web3,text,"futureoftech,dailyphoto",Web3 is changing everything. #web3,2025-07-02T20:50:12.048029,82
|
167 |
+
post_166,user_87,Music,text,"dailyphoto,decentralized",Exploring the future of Music! #music,2025-01-26T04:45:03.293079,59
|
168 |
+
post_167,user_64,Web3,image,"blockchainlife,dailyphoto",Check out this image related to Web3! #web3 📸,2025-02-06T07:48:23.794976,93
|
169 |
+
post_168,user_33,Crypto,text,"blockchainlife,dailyphoto",Just learned something amazing about Crypto. #crypto,2025-01-13T19:56:29.875800,47
|
170 |
+
post_169,user_38,AI,text,"dailyphoto,blockchainlife",Big news in the world of AI! #ai,2025-02-06T02:31:15.593024,72
|
171 |
+
post_170,user_4,Crypto,text,"decentralized,futureoftech",Crypto is changing everything. #crypto,2025-02-20T19:51:02.560160,93
|
172 |
+
post_171,user_68,Web3,text,"dailyphoto,decentralized",Exploring the future of Web3! #web3,2025-05-09T14:18:47.094491,38
|
173 |
+
post_172,user_56,Sports,text,"futureoftech,blockchainlife",Just learned something amazing about Sports. #sports,2025-02-15T14:17:33.490588,102
|
174 |
+
post_173,user_77,AI,image,"futureoftech,dailyphoto",AI in pictures — what do you think? #ai,2025-05-30T20:35:30.492749,66
|
175 |
+
post_174,user_71,Sports,text,"dailyphoto,futureoftech",Exploring the future of Sports! #sports,2025-05-30T05:36:23.060133,35
|
176 |
+
post_175,user_78,Art,image,"decentralized,futureoftech",Check out this image related to Art! #art 📸,2025-02-23T15:20:37.989071,58
|
177 |
+
post_176,user_47,News,image,"dailyphoto,futureoftech",News in pictures — what do you think? #news,2025-06-08T01:30:13.768135,58
|
178 |
+
post_177,user_59,Crypto,image,"dailyphoto,blockchainlife",Visualizing Crypto today. #crypto #Inspo,2025-01-26T07:01:05.023216,37
|
179 |
+
post_178,user_87,Crypto,text,"futureoftech,blockchainlife",Crypto is changing everything. #crypto,2025-01-09T17:09:24.239722,43
|
180 |
+
post_179,user_11,News,text,"dailyphoto,blockchainlife",Exploring the future of News! #news,2025-03-20T09:10:38.849734,33
|
181 |
+
post_180,user_98,Art,text,"futureoftech,dailyphoto",Exploring the future of Art! #art,2025-04-20T17:55:14.729883,29
|
182 |
+
post_181,user_27,Music,text,"decentralized,dailyphoto",Just learned something amazing about Music. #music,2025-01-05T08:41:23.258056,37
|
183 |
+
post_182,user_54,Sports,image,"decentralized,futureoftech",Captured this moment during a discussion on Sports. #sports,2025-02-02T11:44:48.358135,95
|
184 |
+
post_183,user_61,News,text,"dailyphoto,decentralized",Exploring the future of News! #news,2025-07-07T15:39:03.125923,48
|
185 |
+
post_184,user_59,Web3,image,"dailyphoto,blockchainlife",Check out this image related to Web3! #web3 📸,2025-05-21T08:56:27.298138,94
|
186 |
+
post_185,user_6,AI,image,"futureoftech,decentralized",Captured this moment during a discussion on AI. #ai,2025-05-01T07:57:54.232323,95
|
187 |
+
post_186,user_97,AI,text,"dailyphoto,blockchainlife",Just learned something amazing about AI. #ai,2025-04-14T22:51:30.014870,26
|
188 |
+
post_187,user_29,News,image,"futureoftech,dailyphoto",News in pictures — what do you think? #news,2025-05-15T16:59:42.298951,97
|
189 |
+
post_188,user_72,Music,text,"decentralized,dailyphoto",Music is changing everything. #music,2025-07-18T11:00:06.228892,56
|
190 |
+
post_189,user_18,Art,image,"blockchainlife,dailyphoto",Captured this moment during a discussion on Art. #art,2025-04-20T17:21:45.787851,61
|
191 |
+
post_190,user_1,Sports,image,"futureoftech,dailyphoto",Visualizing Sports today. #sports #Inspo,2025-03-10T04:15:14.069910,36
|
192 |
+
post_191,user_25,Web3,text,"blockchainlife,futureoftech",Exploring the future of Web3! #web3,2025-06-17T18:56:06.916459,73
|
193 |
+
post_192,user_41,Music,text,"dailyphoto,futureoftech",Exploring the future of Music! #music,2025-05-15T03:49:25.544368,50
|
194 |
+
post_193,user_29,Art,text,"blockchainlife,decentralized",Big news in the world of Art! #art,2025-07-09T04:49:00.765055,55
|
195 |
+
post_194,user_67,Crypto,text,"decentralized,blockchainlife",Just learned something amazing about Crypto. #crypto,2025-04-15T10:28:54.587790,80
|
196 |
+
post_195,user_96,Art,image,"dailyphoto,blockchainlife",Captured this moment during a discussion on Art. #art,2025-02-09T02:21:24.237422,85
|
197 |
+
post_196,user_83,Art,image,"dailyphoto,futureoftech",Art in pictures — what do you think? #art,2025-06-14T15:59:49.149703,71
|
198 |
+
post_197,user_10,AI,text,"decentralized,futureoftech",Thoughts on AI? #ai,2025-04-19T22:51:24.745372,30
|
199 |
+
post_198,user_57,News,image,"decentralized,dailyphoto",Captured this moment during a discussion on News. #news,2025-04-19T16:35:10.552762,45
|
200 |
+
post_199,user_98,Web3,image,"blockchainlife,dailyphoto",Visualizing Web3 today. #web3 #Inspo,2025-05-21T11:38:44.308968,142
|
201 |
+
post_200,user_9,Crypto,text,"decentralized,blockchainlife",Big news in the world of Crypto! #crypto,2025-05-08T07:26:47.014572,108
|
202 |
+
post_201,user_73,Sports,text,"decentralized,blockchainlife",Exploring the future of Sports! #sports,2025-01-20T09:34:52.688073,69
|
203 |
+
post_202,user_92,Sports,text,"futureoftech,dailyphoto",Just learned something amazing about Sports. #sports,2025-03-31T11:43:09.045161,85
|
204 |
+
post_203,user_26,Art,image,"decentralized,futureoftech",Check out this image related to Art! #art 📸,2025-06-15T08:01:36.778493,55
|
205 |
+
post_204,user_56,Art,image,"decentralized,futureoftech",Captured this moment during a discussion on Art. #art,2025-06-15T04:01:40.151478,45
|
206 |
+
post_205,user_64,Music,image,"futureoftech,dailyphoto",Visualizing Music today. #music #Inspo,2025-04-09T08:39:47.512302,87
|
207 |
+
post_206,user_73,AI,text,"blockchainlife,futureoftech",Exploring the future of AI! #ai,2025-06-04T17:07:40.505533,43
|
208 |
+
post_207,user_41,Music,text,"futureoftech,decentralized",Just learned something amazing about Music. #music,2025-07-10T04:48:24.852095,51
|
209 |
+
post_208,user_94,News,image,"futureoftech,dailyphoto",Visualizing News today. #news #Inspo,2025-05-26T05:36:33.867872,137
|
210 |
+
post_209,user_90,Music,image,"blockchainlife,decentralized",Check out this image related to Music! #music 📸,2025-04-04T15:44:00.581074,104
|
211 |
+
post_210,user_80,News,text,"futureoftech,blockchainlife",Exploring the future of News! #news,2025-01-26T15:37:52.586437,88
|
212 |
+
post_211,user_23,News,image,"dailyphoto,futureoftech",Check out this image related to News! #news 📸,2025-04-20T02:22:53.719732,79
|
213 |
+
post_212,user_62,Crypto,image,"blockchainlife,futureoftech",Check out this image related to Crypto! #crypto 📸,2025-01-19T20:13:48.951092,43
|
214 |
+
post_213,user_87,Music,image,"futureoftech,decentralized",Music in pictures — what do you think? #music,2025-07-25T12:31:36.036006,66
|
215 |
+
post_214,user_98,News,image,"decentralized,futureoftech",Captured this moment during a discussion on News. #news,2025-03-27T11:25:52.063465,32
|
216 |
+
post_215,user_59,News,image,"decentralized,futureoftech",Check out this image related to News! #news 📸,2025-06-12T16:22:43.428486,73
|
217 |
+
post_216,user_43,Sports,text,"futureoftech,decentralized",Just learned something amazing about Sports. #sports,2025-07-01T14:44:09.284245,68
|
218 |
+
post_217,user_3,Crypto,image,"decentralized,dailyphoto",Crypto in pictures — what do you think? #crypto,2025-03-14T17:33:09.423399,37
|
219 |
+
post_218,user_29,Web3,image,"blockchainlife,decentralized",Captured this moment during a discussion on Web3. #web3,2025-02-04T04:19:26.720788,51
|
220 |
+
post_219,user_30,Music,image,"dailyphoto,blockchainlife",Music in pictures — what do you think? #music,2025-01-30T18:28:44.000277,124
|
221 |
+
post_220,user_1,Music,text,"dailyphoto,futureoftech",Exploring the future of Music! #music,2025-04-30T10:29:37.103868,90
|
222 |
+
post_221,user_39,Web3,image,"blockchainlife,futureoftech",Check out this image related to Web3! #web3 📸,2025-01-10T01:19:39.357368,57
|
223 |
+
post_222,user_23,Crypto,text,"decentralized,dailyphoto",Exploring the future of Crypto! #crypto,2025-07-24T00:47:24.718689,38
|
224 |
+
post_223,user_20,Crypto,image,"decentralized,futureoftech",Visualizing Crypto today. #crypto #Inspo,2025-02-25T23:30:45.318397,74
|
225 |
+
post_224,user_62,Web3,image,"blockchainlife,decentralized",Web3 in pictures — what do you think? #web3,2025-01-25T07:21:23.814521,37
|
226 |
+
post_225,user_47,Web3,text,"dailyphoto,blockchainlife",Exploring the future of Web3! #web3,2025-07-05T09:18:58.849439,41
|
227 |
+
post_226,user_14,Art,text,"decentralized,dailyphoto",Just learned something amazing about Art. #art,2025-04-19T18:17:21.446592,66
|
228 |
+
post_227,user_54,Music,image,"decentralized,futureoftech",Music in pictures — what do you think? #music,2025-07-05T12:05:07.578093,32
|
229 |
+
post_228,user_62,Music,text,"blockchainlife,futureoftech",Music is changing everything. #music,2025-02-28T23:31:37.342195,49
|
230 |
+
post_229,user_36,News,text,"dailyphoto,decentralized",Thoughts on News? #news,2025-01-08T09:54:15.487034,139
|
231 |
+
post_230,user_9,Web3,text,"blockchainlife,decentralized",Thoughts on Web3? #web3,2025-03-05T15:51:24.995934,63
|
232 |
+
post_231,user_47,AI,text,"dailyphoto,futureoftech",Exploring the future of AI! #ai,2025-05-06T12:23:21.322898,57
|
233 |
+
post_232,user_7,AI,text,"dailyphoto,futureoftech",Just learned something amazing about AI. #ai,2025-02-04T06:24:02.049541,39
|
234 |
+
post_233,user_17,Music,image,"futureoftech,blockchainlife",Visualizing Music today. #music #Inspo,2025-04-03T08:54:54.549137,52
|
235 |
+
post_234,user_32,Art,image,"decentralized,futureoftech",Visualizing Art today. #art #Inspo,2025-04-21T04:56:42.721044,114
|
236 |
+
post_235,user_65,Web3,text,"futureoftech,blockchainlife",Thoughts on Web3? #web3,2025-05-30T02:49:00.882918,50
|
237 |
+
post_236,user_80,Sports,image,"blockchainlife,futureoftech",Captured this moment during a discussion on Sports. #sports,2025-06-26T21:03:04.535824,53
|
238 |
+
post_237,user_39,Music,text,"dailyphoto,blockchainlife",Exploring the future of Music! #music,2025-01-06T23:36:51.763874,55
|
239 |
+
post_238,user_41,Art,image,"decentralized,futureoftech",Check out this image related to Art! #art 📸,2025-07-05T10:33:51.525862,85
|
240 |
+
post_239,user_54,Web3,text,"blockchainlife,dailyphoto",Just learned something amazing about Web3. #web3,2025-04-28T01:05:59.604300,104
|
241 |
+
post_240,user_71,Music,image,"decentralized,blockchainlife",Check out this image related to Music! #music 📸,2025-05-11T06:29:32.242997,51
|
242 |
+
post_241,user_48,AI,text,"decentralized,dailyphoto",Just learned something amazing about AI. #ai,2025-06-11T21:23:45.993191,64
|
243 |
+
post_242,user_33,Web3,image,"futureoftech,blockchainlife",Visualizing Web3 today. #web3 #Inspo,2025-06-12T09:47:41.699875,35
|
244 |
+
post_243,user_96,News,image,"futureoftech,dailyphoto",Visualizing News today. #news #Inspo,2025-01-14T06:41:24.438620,61
|
245 |
+
post_244,user_69,Sports,image,"decentralized,futureoftech",Check out this image related to Sports! #sports 📸,2025-07-07T17:06:53.844908,116
|
246 |
+
post_245,user_87,Web3,image,"futureoftech,dailyphoto",Web3 in pictures — what do you think? #web3,2025-01-29T20:26:13.805082,58
|
247 |
+
post_246,user_73,Art,text,"decentralized,futureoftech",Art is changing everything. #art,2025-07-02T22:26:39.587841,44
|
248 |
+
post_247,user_4,Web3,image,"dailyphoto,decentralized",Web3 in pictures — what do you think? #web3,2025-06-04T05:06:09.318843,97
|
249 |
+
post_248,user_21,AI,image,"futureoftech,blockchainlife",AI in pictures — what do you think? #ai,2025-01-24T22:57:51.046047,46
|
250 |
+
post_249,user_7,News,text,"futureoftech,dailyphoto",Exploring the future of News! #news,2025-05-19T20:28:48.228858,96
|
251 |
+
post_250,user_91,Art,image,"blockchainlife,dailyphoto",Visualizing Art today. #art #Inspo,2025-02-01T05:25:48.507137,25
|
252 |
+
post_251,user_44,AI,text,"blockchainlife,decentralized",AI is changing everything. #ai,2025-02-17T02:33:02.926829,90
|
253 |
+
post_252,user_62,Web3,image,"decentralized,futureoftech",Web3 in pictures — what do you think? #web3,2025-07-02T06:23:57.573723,101
|
254 |
+
post_253,user_99,Music,text,"blockchainlife,futureoftech",Music is changing everything. #music,2025-01-26T07:06:25.330444,68
|
255 |
+
post_254,user_65,AI,text,"blockchainlife,decentralized",Exploring the future of AI! #ai,2025-06-19T01:27:09.337829,22
|
256 |
+
post_255,user_79,Crypto,text,"futureoftech,dailyphoto",Thoughts on Crypto? #crypto,2025-02-24T13:58:26.738186,23
|
257 |
+
post_256,user_30,Crypto,text,"dailyphoto,blockchainlife",Thoughts on Crypto? #crypto,2025-04-03T21:52:46.964595,66
|
258 |
+
post_257,user_38,Web3,image,"dailyphoto,decentralized",Web3 in pictures — what do you think? #web3,2025-06-02T08:01:15.011482,68
|
259 |
+
post_258,user_37,Web3,text,"futureoftech,dailyphoto",Exploring the future of Web3! #web3,2025-01-20T01:53:33.373218,73
|
260 |
+
post_259,user_50,Music,text,"blockchainlife,dailyphoto",Big news in the world of Music! #music,2025-06-14T22:12:34.488263,77
|
261 |
+
post_260,user_41,Music,text,"decentralized,blockchainlife",Exploring the future of Music! #music,2025-04-29T07:55:07.879938,83
|
262 |
+
post_261,user_30,News,image,"dailyphoto,futureoftech",Visualizing News today. #news #Inspo,2025-06-18T09:35:33.785964,34
|
263 |
+
post_262,user_29,News,text,"futureoftech,blockchainlife",News is changing everything. #news,2025-06-26T23:23:18.264897,60
|
264 |
+
post_263,user_50,Crypto,text,"decentralized,blockchainlife",Big news in the world of Crypto! #crypto,2025-07-24T08:45:57.863005,49
|
265 |
+
post_264,user_45,Music,text,"decentralized,dailyphoto",Exploring the future of Music! #music,2025-06-27T08:11:10.558487,22
|
266 |
+
post_265,user_23,AI,image,"decentralized,dailyphoto",Visualizing AI today. #ai #Inspo,2025-04-25T05:59:45.404141,132
|
267 |
+
post_266,user_7,AI,image,"dailyphoto,decentralized",Visualizing AI today. #ai #Inspo,2025-04-27T06:29:07.236845,86
|
268 |
+
post_267,user_54,Web3,text,"dailyphoto,blockchainlife",Thoughts on Web3? #web3,2025-06-19T00:26:15.240510,24
|
269 |
+
post_268,user_66,News,text,"blockchainlife,decentralized",Big news in the world of News! #news,2025-03-09T01:32:59.328074,59
|
270 |
+
post_269,user_1,Crypto,text,"blockchainlife,decentralized",Big news in the world of Crypto! #crypto,2025-06-22T01:05:53.685732,117
|
271 |
+
post_270,user_56,Art,image,"dailyphoto,futureoftech",Art in pictures — what do you think? #art,2025-01-28T17:01:22.253350,49
|
272 |
+
post_271,user_100,AI,text,"blockchainlife,futureoftech",Big news in the world of AI! #ai,2025-02-22T23:27:26.851530,92
|
273 |
+
post_272,user_95,Sports,text,"decentralized,futureoftech",Exploring the future of Sports! #sports,2025-04-12T08:29:01.851862,55
|
274 |
+
post_273,user_5,Music,image,"decentralized,blockchainlife",Music in pictures — what do you think? #music,2025-05-25T15:46:27.801608,58
|
275 |
+
post_274,user_97,Music,image,"decentralized,dailyphoto",Visualizing Music today. #music #Inspo,2025-02-01T19:09:27.034884,66
|
276 |
+
post_275,user_83,Web3,text,"futureoftech,decentralized",Just learned something amazing about Web3. #web3,2025-01-29T05:09:42.492255,69
|
277 |
+
post_276,user_38,Sports,text,"decentralized,futureoftech",Sports is changing everything. #sports,2025-03-14T07:53:05.760982,85
|
278 |
+
post_277,user_75,Art,image,"futureoftech,blockchainlife",Visualizing Art today. #art #Inspo,2025-07-27T05:17:42.577732,27
|
279 |
+
post_278,user_95,Music,text,"dailyphoto,blockchainlife",Just learned something amazing about Music. #music,2025-02-23T03:19:31.094039,68
|
280 |
+
post_279,user_47,Art,image,"futureoftech,blockchainlife",Captured this moment during a discussion on Art. #art,2025-06-02T01:44:06.786770,24
|
281 |
+
post_280,user_62,Sports,image,"blockchainlife,dailyphoto",Captured this moment during a discussion on Sports. #sports,2025-01-13T08:34:01.521445,43
|
282 |
+
post_281,user_7,News,image,"dailyphoto,blockchainlife",Visualizing News today. #news #Inspo,2025-03-31T13:56:29.815445,69
|
283 |
+
post_282,user_41,Web3,image,"futureoftech,dailyphoto",Visualizing Web3 today. #web3 #Inspo,2025-05-02T17:02:04.885193,43
|
284 |
+
post_283,user_58,News,image,"futureoftech,decentralized",News in pictures — what do you think? #news,2025-01-03T05:22:12.560740,37
|
285 |
+
post_284,user_88,Sports,image,"blockchainlife,decentralized",Captured this moment during a discussion on Sports. #sports,2025-03-27T06:51:45.372271,65
|
286 |
+
post_285,user_84,Web3,text,"blockchainlife,dailyphoto",Web3 is changing everything. #web3,2025-07-06T03:25:11.564151,43
|
287 |
+
post_286,user_97,Sports,image,"decentralized,dailyphoto",Sports in pictures — what do you think? #sports,2025-06-24T23:12:48.293266,84
|
288 |
+
post_287,user_13,Web3,text,"blockchainlife,decentralized",Thoughts on Web3? #web3,2025-04-15T05:04:57.805566,61
|
289 |
+
post_288,user_64,Sports,text,"decentralized,blockchainlife",Big news in the world of Sports! #sports,2025-03-05T22:07:15.170814,96
|
290 |
+
post_289,user_67,AI,image,"dailyphoto,blockchainlife",Check out this image related to AI! #ai 📸,2025-03-30T16:42:46.327262,25
|
291 |
+
post_290,user_29,News,image,"dailyphoto,futureoftech",Visualizing News today. #news #Inspo,2025-04-06T06:39:47.519603,94
|
292 |
+
post_291,user_74,AI,image,"dailyphoto,decentralized",Check out this image related to AI! #ai 📸,2025-03-16T09:30:30.526449,38
|
293 |
+
post_292,user_43,Art,text,"dailyphoto,blockchainlife",Just learned something amazing about Art. #art,2025-02-27T19:28:19.019955,57
|
294 |
+
post_293,user_48,Sports,text,"futureoftech,dailyphoto",Just learned something amazing about Sports. #sports,2025-02-11T22:06:45.238210,57
|
295 |
+
post_294,user_65,Sports,image,"dailyphoto,blockchainlife",Visualizing Sports today. #sports #Inspo,2025-04-04T08:09:30.399530,56
|
296 |
+
post_295,user_11,Web3,image,"decentralized,dailyphoto",Visualizing Web3 today. #web3 #Inspo,2025-07-03T01:58:01.169460,45
|
297 |
+
post_296,user_42,Web3,image,"blockchainlife,futureoftech",Visualizing Web3 today. #web3 #Inspo,2025-06-03T14:59:24.493589,47
|
298 |
+
post_297,user_24,Crypto,image,"dailyphoto,blockchainlife",Check out this image related to Crypto! #crypto 📸,2025-07-08T14:03:54.713878,36
|
299 |
+
post_298,user_27,Crypto,image,"dailyphoto,decentralized",Crypto in pictures — what do you think? #crypto,2025-05-05T02:48:24.972364,20
|
300 |
+
post_299,user_76,Crypto,text,"dailyphoto,decentralized",Thoughts on Crypto? #crypto,2025-01-21T12:16:24.278555,54
|
301 |
+
post_300,user_29,Music,text,"futureoftech,dailyphoto",Exploring the future of Music! #music,2025-01-23T14:11:51.503066,65
|
recommender_model.pkl
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:bedfb23afc820deb23f817960223f0ed06107d922369880bc25dc775e3351d0c
|
3 |
+
size 91896310
|
requirements.txt
ADDED
@@ -0,0 +1,6 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
gradio
|
2 |
+
pandas
|
3 |
+
scikit-learn
|
4 |
+
numpy
|
5 |
+
sentence-transformers
|
6 |
+
transformers
|
sentence_bert_config.json
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"max_seq_length": 256,
|
3 |
+
"do_lower_case": false
|
4 |
+
}
|
special_tokens_map.json
ADDED
@@ -0,0 +1,37 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"cls_token": {
|
3 |
+
"content": "[CLS]",
|
4 |
+
"lstrip": false,
|
5 |
+
"normalized": false,
|
6 |
+
"rstrip": false,
|
7 |
+
"single_word": false
|
8 |
+
},
|
9 |
+
"mask_token": {
|
10 |
+
"content": "[MASK]",
|
11 |
+
"lstrip": false,
|
12 |
+
"normalized": false,
|
13 |
+
"rstrip": false,
|
14 |
+
"single_word": false
|
15 |
+
},
|
16 |
+
"pad_token": {
|
17 |
+
"content": "[PAD]",
|
18 |
+
"lstrip": false,
|
19 |
+
"normalized": false,
|
20 |
+
"rstrip": false,
|
21 |
+
"single_word": false
|
22 |
+
},
|
23 |
+
"sep_token": {
|
24 |
+
"content": "[SEP]",
|
25 |
+
"lstrip": false,
|
26 |
+
"normalized": false,
|
27 |
+
"rstrip": false,
|
28 |
+
"single_word": false
|
29 |
+
},
|
30 |
+
"unk_token": {
|
31 |
+
"content": "[UNK]",
|
32 |
+
"lstrip": false,
|
33 |
+
"normalized": false,
|
34 |
+
"rstrip": false,
|
35 |
+
"single_word": false
|
36 |
+
}
|
37 |
+
}
|
tokenizer.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
tokenizer_config.json
ADDED
@@ -0,0 +1,65 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"added_tokens_decoder": {
|
3 |
+
"0": {
|
4 |
+
"content": "[PAD]",
|
5 |
+
"lstrip": false,
|
6 |
+
"normalized": false,
|
7 |
+
"rstrip": false,
|
8 |
+
"single_word": false,
|
9 |
+
"special": true
|
10 |
+
},
|
11 |
+
"100": {
|
12 |
+
"content": "[UNK]",
|
13 |
+
"lstrip": false,
|
14 |
+
"normalized": false,
|
15 |
+
"rstrip": false,
|
16 |
+
"single_word": false,
|
17 |
+
"special": true
|
18 |
+
},
|
19 |
+
"101": {
|
20 |
+
"content": "[CLS]",
|
21 |
+
"lstrip": false,
|
22 |
+
"normalized": false,
|
23 |
+
"rstrip": false,
|
24 |
+
"single_word": false,
|
25 |
+
"special": true
|
26 |
+
},
|
27 |
+
"102": {
|
28 |
+
"content": "[SEP]",
|
29 |
+
"lstrip": false,
|
30 |
+
"normalized": false,
|
31 |
+
"rstrip": false,
|
32 |
+
"single_word": false,
|
33 |
+
"special": true
|
34 |
+
},
|
35 |
+
"103": {
|
36 |
+
"content": "[MASK]",
|
37 |
+
"lstrip": false,
|
38 |
+
"normalized": false,
|
39 |
+
"rstrip": false,
|
40 |
+
"single_word": false,
|
41 |
+
"special": true
|
42 |
+
}
|
43 |
+
},
|
44 |
+
"clean_up_tokenization_spaces": false,
|
45 |
+
"cls_token": "[CLS]",
|
46 |
+
"do_basic_tokenize": true,
|
47 |
+
"do_lower_case": true,
|
48 |
+
"extra_special_tokens": {},
|
49 |
+
"mask_token": "[MASK]",
|
50 |
+
"max_length": 128,
|
51 |
+
"model_max_length": 256,
|
52 |
+
"never_split": null,
|
53 |
+
"pad_to_multiple_of": null,
|
54 |
+
"pad_token": "[PAD]",
|
55 |
+
"pad_token_type_id": 0,
|
56 |
+
"padding_side": "right",
|
57 |
+
"sep_token": "[SEP]",
|
58 |
+
"stride": 0,
|
59 |
+
"strip_accents": null,
|
60 |
+
"tokenize_chinese_chars": true,
|
61 |
+
"tokenizer_class": "BertTokenizer",
|
62 |
+
"truncation_side": "right",
|
63 |
+
"truncation_strategy": "longest_first",
|
64 |
+
"unk_token": "[UNK]"
|
65 |
+
}
|
vocab.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|