如何判断一个对象是不是数组?--xyp_hf

本文介绍了JavaScript中判断一个变量是否为数组的三种方法:通过constructor属性、instanceof运算符及Object.prototype.toString方法,并通过示例代码展示了每种方法的使用方式及在特定情况下的表现。

摘要生成于 C知道 ,由 DeepSeek-R1 满血版支持, 前往体验 >

方案一:constructor用法:判断一个对象是不是数组

    <script>
        var arr = [];
        alert( arr.constructor == Array ); // true
    </script>

方案二:用instanceof判断是不是数组

<script>
     var arr = [];
     alert( arr instanceof Array ); //true
</script>

方案三:利用toString()判断是不是数组

var arr = [];
alert( Object.prototype.toString.call(arr) == '[object Array]' ); //true

一般推荐使用方案三,因为方案一、方案二在某些特殊情况下失效了
如下列情况:

<script>
window.onload = function(){
    var oF = document.createElement('iframe');
    document.body.appendChild( oF );
    var ifArray = window.frames[0].Array;
    var arr = new ifArray();
    alert( arr.constructor == Array ); //false
    alert( arr instanceof Array ); //false
    alert( Object.prototype.toString.call(arr) == '[object Array]' ); //true
}      
</script>
import streamlit as st import pandas as pd import numpy as np import matplotlib.pyplot as plt import seaborn as sns import joblib import os import time import warnings from io import BytesIO import platform from pathlib import Path from sklearn.model_selection import train_test_split from sklearn.ensemble import RandomForestClassifier from sklearn.metrics import accuracy_score, roc_auc_score, confusion_matrix, f1_score from sklearn.preprocessing import StandardScaler, OneHotEncoder from imblearn.over_sampling import SMOTE from sklearn.impute import SimpleImputer from sklearn.compose import ColumnTransformer from sklearn.pipeline import Pipeline # 设置中文字体 plt.rcParams['font.sans-serif'] = ['SimHei'] plt.rcParams['axes.unicode_minus'] = False def safe_path(path): """处理Windows长路径问题""" if platform.system() == 'Windows': try: import ntpath return ntpath.realpath(path) except: return str(Path(path).resolve()) return path # 忽略警告 warnings.filterwarnings("ignore") # 页面设置 st.set_page_config( page_title="精准营销系统", page_icon="📊", layout="wide", initial_sidebar_state="expanded" ) # 自定义CSS样式 st.markdown(""" <style> .stApp { background: linear-gradient(135deg, #f8f9fa 0%, #e9ecef 100%); font-family: 'Helvetica Neue', Arial, sans-serif; } .header { background: linear-gradient(90deg, #1a237e 0%, #283593 100%); color: white; padding: 1.5rem; border-radius: 0.75rem; box-shadow: 0 4px 12px rgba(0,0,0,0.1); margin-bottom: 2rem; } .card { background: white; border-radius: 0.75rem; padding: 1rem; margin-bottom: 1.5rem; box-shadow: 0 4px 12px rgba(0,0,0,0.08); transition: transform 0.3s ease; } .card:hover { transform: translateY(-5px); box-shadow: 0 6px 16px rgba(0,0,0,0.12); } .stButton button { background: linear-gradient(90deg, #3949ab 0%, #1a237e 100%) !important; color: white !important; border: none !important; border-radius: 0.5rem; padding: 0.75rem 1.5rem; font-size: 1rem; font-weight: 600; transition: all 0.3s ease; width: 100%; } .stButton button:hover { transform: scale(1.05); box-shadow: 0 4px 8px rgba(57, 73, 171, 0.4); } .feature-box { background: linear-gradient(135deg, #e3f2fd 0%, #bbdefb 100%); border-radius: 0.75rem; padding: 1.5rem; margin-bottom: 1.5rem; } .result-box { background: linear-gradient(135deg, #e8f5e9 0%, #c8e6c9 100%); border-radius: 0.75rem; padding: 1.5rem; margin-top: 1.5rem; } .model-box { background: linear-gradient(135deg, #fff3e0 0%, #ffe0b2 100%); border-radius: 0.75rem; padding: 1.5rem; margin-top: 1.5rem; } .stProgress > div > div > div { background: linear-gradient(90deg, #2ecc71 0%, #27ae60 100%) !important; } .metric-card { background: white; border-radius: 0.75rem; padding: 1rem; text-align: center; box-shadow: 0 4px 8px rgba(0,0,0,0.06); } .metric-value { font-size: 1.8rem; font-weight: 700; color: #1a237e; } .metric-label { font-size: 0.9rem; color: #5c6bc0; margin-top: 0.5rem; } .highlight { background: linear-gradient(90deg, #ffeb3b 0%, #fbc02d 100%); padding: 0.2rem 0.5rem; border-radius: 0.25rem; font-weight: 600; } .stDataFrame { border-radius: 0.75rem; box-shadow: 0 4px 8px rgba(0,0,0,0.06); } .convert-high { background-color: #c8e6c9 !important; color: #388e3c !important; font-weight: 700; } .convert-low { background-color: #ffcdd2 !important; color: #c62828 !important; font-weight: 600; } </style> """, unsafe_allow_html=True) def preprocess_data_train(df): """ 训练时数据预处理函数 返回处理后的数据和推理时需要的参数 """ # 1. 复制数据避免污染原始数据 data = df.copy() # 2. 选择关键特征 available_features = [col for col in data.columns if col in [ 'AGE', 'GENDER', 'ONLINE_DAY', 'TERM_CNT', 'IF_YHTS', 'MKT_STAR_GRADE_NAME', 'PROM_AMT_MONTH', 'is_rh_next' # 目标变量 ]] # 确保目标变量存在 if 'is_rh_next' not in available_features: st.error("错误:数据集中缺少目标变量 'is_rh_next'") return data, None data = data[available_features] # 3. 处理缺失值 # 数值特征用均值填充 numeric_cols = ['AGE', 'ONLINE_DAY', 'TERM_CNT', 'PROM_AMT_MONTH'] for col in numeric_cols: if col in data.columns: mean_val = data[col].mean() data[col].fillna(mean_val, inplace=True) # 分类特征用众数填充 categorical_cols = ['GENDER', 'MKT_STAR_GRADE_NAME', 'IF_YHTS'] for col in categorical_cols: if col in data.columns: mode_val = data[col].mode()[0] data[col].fillna(mode_val, inplace=True) # 4. 处理目标变量的缺失值 - 修复点 if data['is_rh_next'].isnull().any(): st.warning(f"目标变量 'is_rh_next' 中存在 {data['is_rh_next'].isnull().sum()} 个缺失值,将删除这些行") data = data.dropna(subset=['is_rh_next']) # 5. 异常值处理(使用IQR方法) def handle_outliers(series): Q1 = series.quantile(0.25) Q3 = series.quantile(0.75) IQR = Q3 - Q1 lower_bound = Q1 - 1.5 * IQR upper_bound = Q3 + 1.5 * IQR return series.clip(lower_bound, upper_bound) for col in numeric_cols: if col in data.columns: data[col] = handle_outliers(data[col]) # 6. 保存预处理参数 preprocessor_params = { # 数值特征均值 'numerical_means': {col: data[col].mean() for col in numeric_cols if col in data.columns}, # 分类特征众数 'categorical_modes': {col: data[col].mode()[0] for col in categorical_cols if col in data.columns}, # 特征列表 'features': available_features, # 数值特征列表 'numeric_cols': numeric_cols, # 分类特征列表 'categorical_cols': categorical_cols, # 异常值处理边界 'outlier_bounds': {} } # 计算并保存异常值边界 for col in numeric_cols: if col in data.columns: Q1 = data[col].quantile(0.25) Q3 = data[col].quantile(0.75) IQR = Q3 - Q1 lower_bound = Q1 - 1.5 * IQR upper_bound = Q3 + 1.5 * IQR preprocessor_params['outlier_bounds'][col] = (lower_bound, upper_bound) return data, preprocessor_params def preprocess_data_inference(df, preprocessor_params): """ 推理时数据预处理函数 """ # 1. 复制数据避免污染原始数据 data = df.copy() # 2. 只保留需要的特征 if 'features' in preprocessor_params: # 确保不包含目标变量 features = [f for f in preprocessor_params['features'] if f != 'is_rh_next'] data = data[features] # 3. 处理缺失值 # 数值特征用训练集的均值填充 if 'numerical_means' in preprocessor_params: for col, mean_val in preprocessor_params['numerical_means'].items(): if col in data.columns: data[col].fillna(mean_val, inplace=True) # 分类特征用训练集的众数填充 if 'categorical_modes' in preprocessor_params: for col, mode_val in preprocessor_params['categorical_modes'].items(): if col in data.columns: data[col].fillna(mode_val, inplace=True) # 4. 异常值处理(使用训练集的边界) if 'outlier_bounds' in preprocessor_params: for col, bounds in preprocessor_params['outlier_bounds'].items(): if col in data.columns: lower_bound, upper_bound = bounds data[col] = data[col].clip(lower_bound, upper_bound) return data # 标题区域 st.markdown(""" <div class="header"> <h1 style='text-align: center; margin: 0;'>精准营销系统</h1> <p style='text-align: center; margin: 0.5rem 0 0; font-size: 1.1rem;'>基于机器学习的单宽转融预测</p> </div> """, unsafe_allow_html=True) # 页面布局 col1, col2 = st.columns([1, 1.5]) # 左侧区域 - 图片和简介 with col1: st.markdown(""" <div class="card"> <h2>📱 智能营销系统</h2> <p>预测单宽带用户转化为融合套餐用户的可能性</p> </div> """, unsafe_allow_html=True) # 使用在线图片作为占位符 st.image("https://images.unsplash.com/photo-1551836022-d5d88e9218df?ixlib=rb-4.0.3&ixid=M3wxMjA3fDB8MHxwaG90by1wYWdlfHx8fGVufDB8fHx8fA%3D%3D&auto=format&fit=crop&w=1200&q=80", caption="精准营销系统示意图", width=600) st.markdown(""" <div class="card"> <h4>📈 系统功能</h4> <ul> <li>用户转化可能性预测</li> <li>高精度机器学习模型</li> <li>可视化数据分析</li> <li>精准营销策略制定</li> </ul> </div> """, unsafe_allow_html=True) # 右侧区域 - 功能选择 with col2: st.markdown(""" <div class="card"> <h3>📋 请选择操作类型</h3> <p>您可以选择数据分析或使用模型进行预测</p> </div> """, unsafe_allow_html=True) # 功能选择 option = st.radio("", ["📊 数据分析 - 探索数据并训练模型", "🔍 预测分析 - 预测用户转化可能性"], index=0, label_visibility="hidden") # 数据分析部分 if "数据分析" in option: st.markdown(""" <div class="card"> <h3>数据分析与模型训练</h3> <p>上传数据并训练预测模型</p> </div> """, unsafe_allow_html=True) # 上传训练数据 train_file = st.file_uploader("上传数据集 (CSV格式, GBK编码)", type=["csv"]) if train_file is not None: try: # 读取数据 train_data = pd.read_csv(train_file, encoding='GBK') # 显示数据预览 with st.expander("数据预览", expanded=True): st.dataframe(train_data.head()) col1, col2 = st.columns(2) col1.metric("总样本数", train_data.shape[0]) col2.metric("特征数量", train_data.shape[1] - 1) # 数据预处理 st.subheader("数据预处理") with st.spinner("数据预处理中..."): processed_data, preprocessor_params = preprocess_data_train(train_data) # 检查目标变量是否有缺失值 if processed_data['is_rh_next'].isnull().any(): st.warning(f"目标变量 'is_rh_next' 中仍有 {processed_data['is_rh_next'].isnull().sum()} 个缺失值,将删除这些行") processed_data = processed_data.dropna(subset=['is_rh_next']) joblib.dump(preprocessor_params, 'preprocessor_params.pkl') st.success("✅ 数据预处理完成") # 可视化数据分布 st.subheader("数据分布分析") # 目标变量分布 st.markdown("**目标变量分布 (is_rh_next)**") fig, ax = plt.subplots(figsize=(8, 5)) sns.countplot(x='is_rh_next', data=processed_data, palette='viridis') plt.title('用户转化分布 (0:未转化, 1:转化)') plt.xlabel('是否转化') plt.ylabel('用户数量') st.pyplot(fig) # 数值特征分布 st.markdown("**数值特征分布**") numeric_cols = ['AGE', 'ONLINE_DAY', 'TERM_CNT', 'PROM_AMT_MONTH'] # 动态计算子图布局 num_features = len(numeric_cols) if num_features > 0: ncols = 2 nrows = (num_features + ncols - 1) // ncols # 向上取整 fig, axes = plt.subplots(nrows, ncols, figsize=(14, 4*nrows)) # 将axes展平为数组 if nrows > 1 or ncols > 1: axes = axes.flatten() else: axes = [axes] # 单个子图时确保axes是列表 for i, col in enumerate(numeric_cols): if col in processed_data.columns and i < len(axes): sns.histplot(processed_data[col], kde=True, ax=axes[i], color='skyblue') axes[i].set_title(f'{col}分布') axes[i].set_xlabel('') # 隐藏多余的子图 for j in range(i+1, len(axes)): axes[j].set_visible(False) plt.tight_layout() st.pyplot(fig) else: st.warning("没有可用的数值特征") # 特征相关性分析 st.markdown("**特征相关性热力图**") corr_cols = numeric_cols + ['is_rh_next'] if len(corr_cols) > 1: corr_data = processed_data[corr_cols].corr() fig, ax = plt.subplots(figsize=(12, 8)) sns.heatmap(corr_data, annot=True, fmt=".2f", cmap='coolwarm', ax=ax) plt.title('特征相关性热力图') st.pyplot(fig) else: st.warning("特征不足,无法生成相关性热力图") # 模型训练 st.subheader("模型训练") # 训练参数设置 col1, col2 = st.columns(2) test_size = col1.slider("测试集比例", 0.1, 0.4, 0.2, 0.05) random_state = col2.number_input("随机种子", 0, 100, 42) n_estimators = col1.slider("树的数量", 10, 500, 100, 10) max_depth = col2.slider("最大深度", 2, 30, 10, 1) # 开始训练按钮 if st.button("开始训练模型", use_container_width=True): with st.spinner("模型训练中,请稍候..."): progress_bar = st.progress(0) # 步骤1: 特征工程 X = processed_data.drop('is_rh_next', axis=1) y = processed_data['is_rh_next'] # 确保目标变量没有缺失值 - 再次检查 if y.isnull().any(): st.warning(f"目标变量中仍有 {y.isnull().sum()} 个缺失值,将删除这些行") X = X.dropna() y = y.dropna() # 处理分类特征 categorical_cols = ['GENDER', 'MKT_STAR_GRADE_NAME', 'IF_YHTS'] existing_cat_cols = [col for col in categorical_cols if col in X.columns] # 创建预处理管道 numeric_features = ['AGE', 'ONLINE_DAY', 'TERM_CNT', 'PROM_AMT_MONTH'] numeric_transformer = Pipeline(steps=[ ('scaler', StandardScaler()) ]) categorical_transformer = Pipeline(steps=[ ('onehot', OneHotEncoder(handle_unknown='ignore')) ]) preprocessor = ColumnTransformer( transformers=[ ('num', numeric_transformer, numeric_features), ('cat', categorical_transformer, existing_cat_cols) ]) # 步骤2: 处理不平衡数据 os = SMOTE(random_state=random_state) X_res, y_res = os.fit_resample(X, y) # 划分训练测试集 X_train, X_test, y_train, y_test = train_test_split( X_res, y_res, test_size=test_size, random_state=random_state, stratify=y_res ) progress_bar.progress(30) time.sleep(0.5) # 步骤3: 模型训练 model = RandomForestClassifier( n_estimators=n_estimators, max_depth=max_depth, random_state=random_state, n_jobs=-1 ) # 创建完整管道 clf = Pipeline(steps=[ ('preprocessor', preprocessor), ('classifier', model) ]) clf.fit(X_train, y_train) progress_bar.progress(80) time.sleep(0.5) # 步骤4: 模型评估 y_pred = clf.predict(X_test) y_proba = clf.predict_proba(X_test)[:, 1] accuracy = accuracy_score(y_test, y_pred) auc = roc_auc_score(y_test, y_proba) f1 = f1_score(y_test, y_pred) # 保存模型 joblib.dump(clf, "marketing_model.pkl") st.session_state.model = clf st.session_state.preprocessor_params = preprocessor_params progress_bar.progress(100) st.success("🎉 模型训练完成!") # 显示模型性能 st.subheader("模型性能评估") col1, col2, col3 = st.columns(3) col1.markdown(f""" <div class="metric-card"> <div class="metric-value">{accuracy*100:.1f}%</div> <div class="metric-label">准确率</div> </div> """, unsafe_allow_html=True) col2.markdown(f""" <div class="metric-card"> <div class="metric-value">{auc:.3f}</div> <div class="metric-label">AUC 分数</div> </div> """, unsafe_allow_html=True) col3.markdown(f""" <div class="metric-card"> <div class="metric-value">{f1:.3f}</div> <div class="metric-label">F1 分数</div> </div> """, unsafe_allow_html=True) # 混淆矩阵 st.subheader("混淆矩阵") cm = confusion_matrix(y_test, y_pred) fig, ax = plt.subplots(figsize=(6, 4)) sns.heatmap(cm, annot=True, fmt="d", cmap="Blues", ax=ax) ax.set_xlabel("预测标签") ax.set_ylabel("真实标签") ax.set_title("混淆矩阵") st.pyplot(fig) # 特征重要性 st.subheader("特征重要性") # 获取特征名称 feature_names = numeric_features.copy() if 'cat' in clf.named_steps['preprocessor'].named_transformers_: ohe = clf.named_steps['preprocessor'].named_transformers_['cat'].named_steps['onehot'] cat_feature_names = ohe.get_feature_names_out(existing_cat_cols) feature_names.extend(cat_feature_names) # 获取特征重要性 feature_importances = clf.named_steps['classifier'].feature_importances_ importance_df = pd.DataFrame({ "特征": feature_names, "重要性": feature_importances }).sort_values("重要性", ascending=False).head(10) fig, ax = plt.subplots(figsize=(10, 6)) sns.barplot(x="重要性", y="特征", data=importance_df, palette="viridis", ax=ax) ax.set_title("Top 10 重要特征") st.pyplot(fig) except Exception as e: st.error(f"数据处理错误: {str(e)}") # 预测分析部分 else: st.markdown(""" <div class="card"> <h3>用户转化预测</h3> <p>预测单宽带用户转化为融合套餐的可能性</p> </div> """, unsafe_allow_html=True) # 上传预测数据 predict_file = st.file_uploader("上传预测数据 (CSV格式, GBK编码)", type=["csv"]) if predict_file is not None: try: # 读取数据 predict_data = pd.read_csv(predict_file, encoding='GBK') # 显示数据预览 with st.expander("数据预览", expanded=True): st.dataframe(predict_data.head()) # 检查是否有模型 if not os.path.exists("marketing_model.pkl") or not os.path.exists("preprocessor_params.pkl"): st.warning("⚠️ 未找到训练好的模型,请先训练模型") st.stop() # 开始预测按钮 if st.button("开始预测", use_container_width=True): with st.spinner("预测进行中,请稍候..."): progress_bar = st.progress(0) # 加载预处理参数 preprocessor_params = joblib.load('preprocessor_params.pkl') # 数据预处理 processed_data = preprocess_data_inference(predict_data, preprocessor_params) progress_bar.progress(30) time.sleep(0.5) # 加载模型 model = joblib.load("marketing_model.pkl") # 生成预测结果 predictions = model.predict(processed_data) probas = model.predict_proba(processed_data)[:, 1] progress_bar.progress(80) time.sleep(0.5) # 创建结果DataFrame if 'CCUST_ROW_ID' in predict_data.columns: customer_ids = predict_data['CCUST_ROW_ID'] else: customer_ids = range(1, len(predict_data) + 1) result_df = pd.DataFrame({ "客户ID": customer_ids, "转化概率": probas, "预测结果": predictions }) # 添加转化可能性等级 result_df['预测标签'] = result_df['预测结果'].apply(lambda x: "可能转化" if x == 1 else "可能不转化") result_df['转化可能性'] = pd.cut( result_df['转化概率'], bins=[0, 0.3, 0.7, 1], labels=["低可能性", "中可能性", "高可能性"], include_lowest=True ) # 保存结果 st.session_state.prediction_results = result_df progress_bar.progress(100) st.success("✅ 预测完成!") except Exception as e: st.error(f"预测错误: {str(e)}") # 显示预测结果 if "prediction_results" in st.session_state: st.markdown(""" <div class="card"> <h3>预测结果</h3> <p>用户转化可能性评估报告</p> </div> """, unsafe_allow_html=True) result_df = st.session_state.prediction_results # 转化可能性分布 st.subheader("转化可能性分布概览") col1, col2, col3 = st.columns(3) high_conv = (result_df["转化可能性"] == "高可能性").sum() med_conv = (result_df["转化可能性"] == "中可能性").sum() low_conv = (result_df["转化可能性"] == "低可能性").sum() col1.markdown(f""" <div class="metric-card"> <div class="metric-value">{high_conv}</div> <div class="metric-label">高可能性用户</div> </div> """, unsafe_allow_html=True) col2.markdown(f""" <div class="metric-card"> <div class="metric-value">{med_conv}</div> <div class="metric-label">中可能性用户</div> </div> """, unsafe_allow_html=True) col3.markdown(f""" <div class="metric-card"> <div class="metric-value">{low_conv}</div> <div class="metric-label">低可能性用户</div> </div> """, unsafe_allow_html=True) # 转化可能性分布图 fig, ax = plt.subplots(figsize=(8, 5)) conv_counts = result_df["转化可能性"].value_counts() conv_counts.plot(kind='bar', color=['#4CAF50', '#FFC107', '#F44336'], ax=ax) plt.title('用户转化可能性分布') plt.xlabel('可能性等级') plt.ylabel('用户数量') st.pyplot(fig) # 详细预测结果 st.subheader("详细预测结果") # 样式函数 def color_convert(val): if val == "高可能性": return "background-color: #c8e6c9; color: #388e3c;" elif val == "中可能性": return "background-color: #fff9c4; color: #f57f17;" else: return "background-color: #ffcdd2; color: #c62828;" # 格式化显示 display_df = result_df[["客户ID", "转化概率", "预测标签", "转化可能性"]] styled_df = display_df.style.format({ "转化概率": "{:.2%}" }).applymap(color_convert, subset=["转化可能性"]) st.dataframe(styled_df, height=400) # 下载结果 csv = display_df.to_csv(index=False).encode("utf-8") st.download_button( label="下载预测结果", data=csv, file_name="用户转化预测结果.csv", mime="text/csv", use_container_width=True ) # 页脚 st.markdown("---") st.markdown(""" <div style="text-align: center; color: #5c6bc0; font-size: 0.9rem; padding: 1rem;"> © 2023 精准营销系统 | 基于Sklearn和Streamlit开发 </div> """, unsafe_allow_html=True) 执行上述代码,提示如下报错,前100行数据如下 数据处理错误: could not convert string to float: '否' BIL_MONTH ASSET_ROW_ID CCUST_ROW_ID BELONG_CITY MKT_CHANNEL_NAME MKT_CHANNEL_SUB_NAME PREPARE_FLG SERV_START_DT COMB_STAT_NAME FIBER_ACCESS_CATEGORY ... AVG_STMT_AMT_LV is_kdts is_itv_up is_mobile_up if_zzzw_up itv_cnt itv_day serv_in_time PROM_AMT_MONTH is_rh_next 0 201706 1-1E6Z49HF 1-UTSNWVU 杭州 NaN 其它部门-未知部门细分-未知 ... 0 20140126 现行 普通宽带 ... c30-59 0 0 0 0 0 0 41 44.44 0.0 1 201706 3-J591KYI 1-LKFKET 杭州 NaN 其它部门-未知部门细分-未知 ... 0 20160406 现行 普通宽带 ... e89-129 0 0 0 0 0 0 14 100.00 0.0 2 201706 1-F3YGP4D 1-6T16M75 杭州 营业厅 营业厅-营业服务中心-城市 ... 0 20100112 现行 普通宽带 ... c30-59 0 0 0 0 0 28 89 44.44 0.0 3 201706 1-1AITRLCN 1-1AB5KV9U 杭州 NaN 其它部门-未知部门细分-未知 ... 0 20131017 现行 普通宽带 ... c30-59 1 0 0 0 0 10 44 55.56 0.0 4 201706 1-132ZSIVX 1-LPVY5O 杭州 10000号 其它部门-10000客服部-城市 ... 0 20130209 现行 普通宽带 ... d59-89 0 0 0 0 0 0 52 0.00 0.0
最新发布
07-03
一个php构造POST请求https://edith.xiaohongshu.com/api/sns/web/v1/search/notes Host: edith.xiaohongshu.com X-Mns: unload Accept: application/json, text/plain, */* Origin: https://www.xiaohongshu.com User-Agent: Mozilla/5.0 (Macintosh; Intel Mac OS X 10_15_7) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/130.0.0.0 Safari/537.36 Cookie: 实际提取的 Content-Type: application/json;charset=utf-8 请求体: {"search_id":"2uldcc7ue25ts00","sort":"general","ext_flags":[],"note_type":0,"page_size":20,"keyword":"豆包","page":1,"geo":"","image_formats":["jpg"]} 用户需要get传入keyword字段和page字段的实际内容,然后请求的Cookie在ck.txt文件里提取。 请求后需要在响应内容中data字段中的子对象items里提取每个数组的id字段和xsec_token字段进行返还。 https://edith.xiaohongshu.com/api/sns/web/v1/search/notes请求的返回样式: 帮我缩短json保留5个数据就行了 {"has_more":true,"items":[{"id":"67fe664b000000001d000c0b","model_type":"note","note_card":{"image_list":[{"width":768,"height":1024,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/27be75d13dab07d41c03680201178755\/1040g2sg31ga47dmi2c705nvr2nqg91sk2r124co!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/1cb1e1b7caa49749643e4e897ed0ebdc\/1040g2sg31ga47dmi2c705nvr2nqg91sk2r124co!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"04-15"}],"display_title":"大家说说,豆包的图标为啥是个卡通美女?","type":"normal","interact_info":{"comment_count":"1107","collected":false,"liked":false,"liked_count":"4678","shared_count":"358","collected_count":"595"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/1cb1e1b7caa49749643e4e897ed0ebdc\/1040g2sg31ga47dmi2c705nvr2nqg91sk2r124co!nc_n_nwebp_prv_1","height":1024,"width":768,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/27be75d13dab07d41c03680201178755\/1040g2sg31ga47dmi2c705nvr2nqg91sk2r124co!nc_n_nwebp_mw_1"},"user":{"nick_name":"末楼楼","user_id":"5ffb15f50000000001008794","nickname":"末楼楼","xsec_token":"ABDHcPzwkh104l5Sv02RuvuVhozWWkiuKo-USS3fRTu8A=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/6363514a88b3145a9cb41f43.jpg?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABGlZOK6jlmslYCFOBXdTarixRrXZYEj6EsORo57MZYdE="},{"id":"6826bb1c0000000022004e0e","model_type":"note","note_card":{"image_list":[{"width":1180,"height":1742,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/efc4883ad98a20bb52c0606f7f8d515e\/notes_pre_post\/1040g3k031hhgho8a3u005osis4a7qoujm7p19eg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/dd5a3d02d9fe12cabaf18d9b6391f517\/notes_pre_post\/1040g3k031hhgho8a3u005osis4a7qoujm7p19eg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1082,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/8374ce6cc716ff874bd95cf1adee9c99\/notes_pre_post\/1040g3k031hhgho8a3u0g5osis4a7qoujf5tbh1o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/23717b9c844ad1f0cafd6aee5c9fd22e\/notes_pre_post\/1040g3k031hhgho8a3u0g5osis4a7qoujf5tbh1o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":1920}],"corner_tag_info":[{"type":"publish_time","text":"1天前"}],"display_title":"第一个能想到用豆包跑cos照片的是天才","type":"normal","interact_info":{"comment_count":"200","collected":false,"liked":false,"liked_count":"2486","shared_count":"416","collected_count":"1366"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/dd5a3d02d9fe12cabaf18d9b6391f517\/notes_pre_post\/1040g3k031hhgho8a3u005osis4a7qoujm7p19eg!nc_n_nwebp_prv_1","height":1742,"width":1180,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/efc4883ad98a20bb52c0606f7f8d515e\/notes_pre_post\/1040g3k031hhgho8a3u005osis4a7qoujm7p19eg!nc_n_nwebp_mw_1"},"user":{"nick_name":"小潮x","nickname":"小潮x","user_id":"6392e114000000001f0163d3","xsec_token":"ABfjtQfKgGLku6hKtpye_AkcLs_hVMTUEW8qLuN6ZZN64=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/64a3a4f506816b819d6c0967.jpg?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABz1mWb2e816DjwF5B8z-OQPw0riVLIRt8kLcRxNnenM8="},{"id":"682fcd9e00000000200294f0","model_type":"note","note_card":{"image_list":[{"width":1996,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/2e5941cc3c6b73c5b94cacacd50baadf\/1040g2sg31i812dqqn8k05ppauju73c8f6ndbnm0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/bcf154926d25f198ade4a6e22e7b32f0\/1040g2sg31i812dqqn8k05ppauju73c8f6ndbnm0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2560}],"corner_tag_info":[{"type":"publish_time","text":"06-03"}],"display_title":"别问!问就是原相机直出生图!","interact_info":{"comment_count":"5","collected":false,"liked":false,"liked_count":"25","shared_count":"0","collected_count":"10"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/bcf154926d25f198ade4a6e22e7b32f0\/1040g2sg31i812dqqn8k05ppauju73c8f6ndbnm0!nc_n_nwebp_prv_1","height":2560,"width":1996,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/2e5941cc3c6b73c5b94cacacd50baadf\/1040g2sg31i812dqqn8k05ppauju73c8f6ndbnm0!nc_n_nwebp_mw_1"},"type":"normal","user":{"nick_name":"静静","user_id":"672af4fc000000001c01b10f","nickname":"静静","xsec_token":"ABkzUEW6emU3X-SDd_kwsgrSlB6agNm72AD1OEZfZxCsA=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31hi2l1tk3o6g5ppauju73c8fhadsu6o?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABx5qJgdBDkVvShnqVArlfq9YjRSj2AJxHVJnZlMD6pZk="},{"id":"6804df22000000001b03b178","model_type":"note","note_card":{"image_list":[{"width":1242,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/ea2c135e9a0a59089e3164f6d5058587\/notes_pre_post\/1040g3k831gge7t4ejo705p9nn971158ifmmu1k8!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/6aba80214529beea0f860442d8f50d7b\/notes_pre_post\/1040g3k831gge7t4ejo705p9nn971158ifmmu1k8!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":1656}],"corner_tag_info":[{"type":"publish_time","text":"04-20"}],"display_title":"天塌了,这也能封!","interact_info":{"comment_count":"16","collected_count":"12","liked":false,"liked_count":"43","shared_count":"3","collected":false},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/6aba80214529beea0f860442d8f50d7b\/notes_pre_post\/1040g3k831gge7t4ejo705p9nn971158ifmmu1k8!nc_n_nwebp_prv_1","height":1656,"width":1242,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/ea2c135e9a0a59089e3164f6d5058587\/notes_pre_post\/1040g3k831gge7t4ejo705p9nn971158ifmmu1k8!nc_n_nwebp_mw_1"},"type":"normal","user":{"nick_name":"山羊「省钱版」","user_id":"6537ba4e0000000004009512","nickname":"山羊「省钱版」","xsec_token":"ABu4t0M3N8cz1e-sKP7VFB3Nk32UCn2M-LTVuLA1yhvkw=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31g5p2ge6hk005p9nn971158i732ab8g?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABxq_YSP10IiqbP3XB5c2mstWQtXw2LKyzxo1asJwDrO8="},{"id":"68047dcc000000001c00884a","model_type":"note","note_card":{"image_list":[{"width":1072,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/7e77abb89e0ae1811ad239d27bbfac6e\/1040g2sg31gg2j4i3jo005oc40bpk1t3k3vcmqro!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/d6a44a5ae40ccedbcbfc107d003012a5\/1040g2sg31gg2j4i3jo005oc40bpk1t3k3vcmqro!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":1429}],"corner_tag_info":[{"type":"publish_time","text":"04-20"}],"display_title":"谁的心头宝?","interact_info":{"comment_count":"16751","collected":false,"liked":false,"liked_count":"670837","shared_count":"29309","collected_count":"118837"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/d6a44a5ae40ccedbcbfc107d003012a5\/1040g2sg31gg2j4i3jo005oc40bpk1t3k3vcmqro!nc_n_nwebp_prv_1","height":1429,"width":1072,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/7e77abb89e0ae1811ad239d27bbfac6e\/1040g2sg31gg2j4i3jo005oc40bpk1t3k3vcmqro!nc_n_nwebp_mw_1"},"type":"video","user":{"nick_name":"嗦芒果核","user_id":"618402f3000000001000f474","nickname":"嗦芒果核","xsec_token":"ABYxKLhhmR2AXQz4McPFtdCwvksVCE9LpxQwfkPK6Ld38=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31eiftqqv0u005oc40bpk1t3kg1ifg20?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABxq_YSP10IiqbP3XB5c2msrMln1sO1GrgSYmAUdTBJUw="},{"rec_query":{"title":"相关搜索","source":1,"queries":[{"id":"豆包是什么app","name":"豆包是什么app","search_word":"豆包是什么app"},{"search_word":"豆包照片","id":"豆包照片","name":"豆包照片"},{"search_word":"豆包ai聊天","id":"豆包ai聊天","name":"豆包ai聊天"},{"id":"豆包生成图片","name":"豆包生成图片","search_word":"豆包生成图片"}],"word_request_id":"f27c4b7a-25ec-4e63-841f-999d4dcf3d32#1750061018755"},"id":"f27c4b7a-25ec-4e63-841f-999d4dcf3d32#1750061018755","model_type":"rec_query","xsec_token":"ABIctk-DDeWv7EzfmgNrQs71Z4r4M7KBRXdgZDfgY9qj6iV-wzRv8nfrF6TCcVmW52fLtvP3CwcKTeFAN2GnO3VyjInG8gWEE9HF9TSs_NsHI="},{"id":"680f38e400000000230135f9","model_type":"note","note_card":{"image_list":[{"width":1279,"height":1706,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/78cc97ad94da8712fd54b438af4b3b81\/notes_pre_post\/1040g3k031gqhrn3m42005p7imrsh4ufl9rjcvko!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/4d3f431d5d7e71e60027adac0db90b7f\/notes_pre_post\/1040g3k031gqhrn3m42005p7imrsh4ufl9rjcvko!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1279,"height":1706,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/19151effd97d66dd7fff011d84e00287\/notes_pre_post\/1040g3k031gqhrn3m420g5p7imrsh4uflhfs67mo!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/5547bb7206668185983c42b6bca2d170\/notes_pre_post\/1040g3k031gqhrn3m420g5p7imrsh4uflhfs67mo!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"04-28"}],"display_title":"豆包到底会不会泄漏个人隐私","cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/4d3f431d5d7e71e60027adac0db90b7f\/notes_pre_post\/1040g3k031gqhrn3m42005p7imrsh4ufl9rjcvko!nc_n_nwebp_prv_1","height":1706,"width":1279,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/78cc97ad94da8712fd54b438af4b3b81\/notes_pre_post\/1040g3k031gqhrn3m42005p7imrsh4ufl9rjcvko!nc_n_nwebp_mw_1"},"type":"normal","interact_info":{"comment_count":"4","collected":false,"liked":false,"liked_count":"45","shared_count":"2","collected_count":"3"},"user":{"nick_name":"大吃口","user_id":"64f2b6f900000000040279f5","nickname":"大吃口","xsec_token":"AB-qErhc2MbUUiZXCzOsRdTjt1ZAM8teiCs3UQtxvYcqU=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31e91pre312005p7imrsh4uflgn1eaa8?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABW__fJ9dWDaFErZ5pif5-8jdYo-Qwu5YY5IBMTTHs9n0="},{"id":"67e40566000000001203e6f1","model_type":"note","note_card":{"image_list":[{"width":988,"height":1227,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/51303237ddc115c77958bb417b5db9fb\/1040g00831fgbrotomedg5purodsinkr3hbesdhg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a9f931728d98b00ec5049832708af82b\/1040g00831fgbrotomedg5purodsinkr3hbesdhg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1256,"height":1675,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/ddaaaff5457d11eaf2573d7ef9b1f2a9\/1040g00831fgbrotomed05purodsinkr3ic5arho!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/020387a8fb58a22a016ffe5121c9aa4a\/1040g00831fgbrotomed05purodsinkr3ic5arho!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1080,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/48bc08c1b57bb147b7ff4e89ec6f37bc\/1040g00831fgbrotomec05purodsinkr3hbb6uko!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/70ca6102ba5f34713a512e9e6be406e6\/1040g00831fgbrotomec05purodsinkr3hbb6uko!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":1440},{"width":895,"height":1194,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a15891d38995e18256752a13ed700f2d\/1040g00831fgbrotomecg5purodsinkr3nueqdhg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/6f208b81b5ff57a92e64132689f41494\/1040g00831fgbrotomecg5purodsinkr3nueqdhg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"05-05"}],"display_title":"我用豆包写作大杀四方!太方便了😭","interact_info":{"comment_count":"108","collected":false,"liked":false,"liked_count":"2537","shared_count":"208","collected_count":"3716"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a9f931728d98b00ec5049832708af82b\/1040g00831fgbrotomedg5purodsinkr3hbesdhg!nc_n_nwebp_prv_1","width":988,"height":1227,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/51303237ddc115c77958bb417b5db9fb\/1040g00831fgbrotomedg5purodsinkr3hbesdhg!nc_n_nwebp_mw_1"},"type":"normal","user":{"nick_name":"鲸鱼AI手记","user_id":"67dbc379000000000a03d363","nickname":"鲸鱼AI手记","xsec_token":"ABVFmDCyKSKFvjCYNkSDxb4R-x5xiHGBPyLkzlsTDJ9DM=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31f9h1dffme605pa1nplghk36tcglo68?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABjJJuR7ZKpVvM4n0w6M1EdBRQu7DlvBd9TlsCvpW2bKg="},{"id":"67d13efc000000000b017171","model_type":"note","note_card":{"image_list":[{"width":1800,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a576e7802898b95edf1ce6b2d42c21ce\/1040g00831eu14en5mi6g5o2g9f80bqki2ponfvo!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/4a00574b2c5624d100265ad14b46f27d\/1040g00831eu14en5mi6g5o2g9f80bqki2ponfvo!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2400},{"width":1050,"height":1399,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/8c357eaecf55f86023f2398310d1200c\/1040g00831eu14en5mi4g5o2g9f80bqki4pkh330!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/8aafd73cff2cff6f9446099bbbbecbbd\/1040g00831eu14en5mi4g5o2g9f80bqki4pkh330!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1800,"height":2400,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/282488f9a16c8d8f4fadeeb55fd8d31a\/1040g00831eu14en5mi505o2g9f80bqki4k867r0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/8c880ebff9a270abbbe448e0b1207445\/1040g00831eu14en5mi505o2g9f80bqki4k867r0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1800,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/cc36a9e706893b8bffcf0d9d018b4140\/1040g00831eu14en5mi305o2g9f80bqkig1a5fkg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/c560a084fd89bab05ab5a9f145b28466\/1040g00831eu14en5mi305o2g9f80bqkig1a5fkg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2400},{"width":1800,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/d1fe5dd133fb1637d837076dfe5a74bc\/1040g00831eu14en5mi5g5o2g9f80bqkincofoo0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/16eb01ac1b3b0d634a65b59e910525a5\/1040g00831eu14en5mi5g5o2g9f80bqkincofoo0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2400},{"width":1009,"height":1345,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/597f76521f23d3420293e3bcda247978\/1040g00831eu14en5mi605o2g9f80bqki529023g!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/dd7e9263bb7bbdd1d1d130e4db4f6e48\/1040g00831eu14en5mi605o2g9f80bqki529023g!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"03-13"}],"display_title":"『豆包』以闪亮之名\/双服捏脸分享","type":"normal","interact_info":{"comment_count":"410","collected":false,"liked":false,"liked_count":"486","shared_count":"14","collected_count":"365"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/4a00574b2c5624d100265ad14b46f27d\/1040g00831eu14en5mi6g5o2g9f80bqki2ponfvo!nc_n_nwebp_prv_1","height":2400,"width":1800,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a576e7802898b95edf1ce6b2d42c21ce\/1040g00831eu14en5mi6g5o2g9f80bqki2ponfvo!nc_n_nwebp_mw_1"},"user":{"nick_name":"无思儿","user_id":"60504bd0000000000101ea92","nickname":"无思儿","xsec_token":"ABz8LDRhjqYHpychL-rGH1lRpM5-GK0lzDkUZwH4IB-Ec=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31e24h7us0m505o2g9f80bqkimqh4d18?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABEIqqxwbt6185Qz3D1gY0YhKqQc8wyPjAX0tlB02QXms="},{"id":"67e68611000000000900c82d","model_type":"note","note_card":{"image_list":[{"width":1242,"height":1656,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/2ad4b449ca2f18147877a979a782198d\/1040g2sg31fiq3bjd066g5purodsinkr39ibjpco!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/553f2b8d9c6a43057bfbafac7d5a964d\/1040g2sg31fiq3bjd066g5purodsinkr39ibjpco!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1256,"height":1675,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/d340f0f10815139167e2d09ad3588c80\/1040g2sg31fiq3bjd065g5purodsinkr326reba8!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/f092bb191ba1c0ca29e9b21b238c2b66\/1040g2sg31fiq3bjd065g5purodsinkr326reba8!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":700,"height":933,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/e79495db79ac37803a6aba7c9603b02d\/1040g2sg31fiq3bjd064g5purodsinkr3da08o4g!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/19a0e2ef5fc0439fa52afb6a1a43a5cf\/1040g2sg31fiq3bjd064g5purodsinkr3da08o4g!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":700,"height":933,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/db3b865d099b1f9d29224d012c150586\/1040g2sg31fiq3bjd06505purodsinkr34u7pl08!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/0e925c6eebe4747cb33e84ca697041e3\/1040g2sg31fiq3bjd06505purodsinkr34u7pl08!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":698,"height":931,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/8e33faf112d6055750c0f3899af79ad9\/1040g2sg31fiq3bjd06605purodsinkr329833r0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/5187cf2651b5aa87ef99ce824485987e\/1040g2sg31fiq3bjd06605purodsinkr329833r0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"04-15"}],"display_title":"豆包不好用?那是你不会用!","type":"normal","interact_info":{"comment_count":"4","collected":false,"liked":false,"liked_count":"29","shared_count":"2","collected_count":"24"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/553f2b8d9c6a43057bfbafac7d5a964d\/1040g2sg31fiq3bjd066g5purodsinkr39ibjpco!nc_n_nwebp_prv_1","height":1656,"width":1242,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/2ad4b449ca2f18147877a979a782198d\/1040g2sg31fiq3bjd066g5purodsinkr39ibjpco!nc_n_nwebp_mw_1"},"user":{"nick_name":"鲸鱼AI手记","user_id":"67dbc379000000000a03d363","nickname":"鲸鱼AI手记","xsec_token":"ABVFmDCyKSKFvjCYNkSDxb4R-x5xiHGBPyLkzlsTDJ9DM=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31f9h1dffme605pa1nplghk36tcglo68?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABehoLayMAy1hvTzmHAgE_GlXGmE_KRlTKEsIp1OB0Cns="},{"id":"668626fe000000000a0064df","model_type":"note","note_card":{"image_list":[{"width":2268,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/f8688f3c455d19ca8f614354a89fd1a2\/1040g2sg314qmabq5gu905op1t2noskb7h21plbo!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/01e1cb4fe8e8d676a5dcabed9bc563dc\/1040g2sg314qmabq5gu905op1t2noskb7h21plbo!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":2268,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/1b1b25125aaac89030cd63464f786a58\/1040g2sg314qmabq5gu9g5op1t2noskb7r1cni38!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/f1ab30c5b06bb9a46cebd0f328b3c4e4\/1040g2sg314qmabq5gu9g5op1t2noskb7r1cni38!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":4032},{"width":4032,"height":3024,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/70d36433554721268da4c7da4bf57a1e\/1040g2sg314qmabq5gua05op1t2noskb7q6l7npg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/0b877a9f41fbfd741e5fc75d630d1036\/1040g2sg314qmabq5gua05op1t2noskb7q6l7npg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/2acb51626fee911097d3120cfccad8eb\/1040g2sg314qmabq5guag5op1t2noskb7befg3fg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/30ab85b8bb47f16d22799d8306560013\/1040g2sg314qmabq5guag5op1t2noskb7befg3fg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/e8b797d28bff0ecf1c646b5812d12e85\/1040g2sg314qmabq5gub05op1t2noskb7lc392u0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/886456a8c5da18ac3589ae29737e6cb1\/1040g2sg314qmabq5gub05op1t2noskb7lc392u0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"2024-07-04"}],"display_title":"这豆沙包是来报恩的么","interact_info":{"comment_count":"298","collected":false,"liked":false,"liked_count":"1270","shared_count":"237","collected_count":"541"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/01e1cb4fe8e8d676a5dcabed9bc563dc\/1040g2sg314qmabq5gu905op1t2noskb7h21plbo!nc_n_nwebp_prv_1","height":4032,"width":2268,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/f8688f3c455d19ca8f614354a89fd1a2\/1040g2sg314qmabq5gu905op1t2noskb7h21plbo!nc_n_nwebp_mw_1"},"type":"normal","user":{"nick_name":"地蛋爱吃糯叽叽","user_id":"6321e8af0000000023025167","nickname":"地蛋爱吃糯叽叽","xsec_token":"AB8Sspm7Sq_yhBchYujQCajzu0_GhkY2vZLN4bkS11lFM=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo313u8808o1o005op1t2noskb7ls1e8mo?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABrn1SIVfLP9d0qPitIHbCeU1AgXFZnG0IhXb44Wwuhn4="},{"id":"67dbc9610000000009015639","model_type":"note","note_card":{"image_list":[{"width":1242,"height":1656,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/cb1b011289bd91b6c5b5de38ad7d678b\/notes_pre_post\/1040g3k831f8ahknq6o705pej17u13n4aa9quq38!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/b3ce5ac9c081e28218cb38fd9e99ec30\/notes_pre_post\/1040g3k831f8ahknq6o705pej17u13n4aa9quq38!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/ae45cbde4a3e60e093bf95ca03c8567d\/notes_pre_post\/1040g3k831f8ahknq6o7g5pej17u13n4ak1hksm8!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/6fa288f1c0c8e57b06231c3cd23097ac\/notes_pre_post\/1040g3k831f8ahknq6o7g5pej17u13n4ak1hksm8!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1588,"height":2117,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/33bd95573303865bc5d33ada5af1f2aa\/notes_pre_post\/1040g3k831f8ahknq6o805pej17u13n4aa5d0ff0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/dfcb4630ad11375389540fab07f31ee3\/notes_pre_post\/1040g3k831f8ahknq6o805pej17u13n4aa5d0ff0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/6801f9f6389fdaafde488a20b96daeee\/notes_pre_post\/1040g3k831f8ahknq6o8g5pej17u13n4aodilgv0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/51e8f2a6fde2e6819d0f08161b5af820\/notes_pre_post\/1040g3k831f8ahknq6o8g5pej17u13n4aodilgv0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/437fe95a92df5b8b67ab69158462c070\/notes_pre_post\/1040g3k831f8ahknq6o905pej17u13n4amjn1qt0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/03e3ae503e40875da8fbe4c31887c49f\/notes_pre_post\/1040g3k831f8ahknq6o905pej17u13n4amjn1qt0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/99acc4974571e6817e54ee5e4646488b\/notes_pre_post\/1040g3k831f8ahknq6o9g5pej17u13n4acjrnc3o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/9adf440ca2354854465ab81a07f16c41\/notes_pre_post\/1040g3k831f8ahknq6o9g5pej17u13n4acjrnc3o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/612436567a289600c8ecb35783e258f4\/notes_pre_post\/1040g3k831f8ahknq6oa05pej17u13n4amg83oro!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/cc0e743a6ad11363c27e1a7bcd67b1d1\/notes_pre_post\/1040g3k831f8ahknq6oa05pej17u13n4amg83oro!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/f8bc85394556a6e391cc1192ee227c8d\/notes_pre_post\/1040g3k831f8ahknq6oag5pej17u13n4ab8qsgeo!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/02c686c57f9de662cb0261ac6c09d482\/notes_pre_post\/1040g3k831f8ahknq6oag5pej17u13n4ab8qsgeo!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":4032},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/2b3f0e64e7295cfb7d744582857678bf\/notes_pre_post\/1040g3k831f8ahknq6ob05pej17u13n4ak2i9lag!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/5c71b768d1b64d1299811e347c3385bd\/notes_pre_post\/1040g3k831f8ahknq6ob05pej17u13n4ak2i9lag!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/cbb9d9fe279471e8b9686efbc21691df\/notes_pre_post\/1040g3k831f8ahknq6obg5pej17u13n4akurib8g!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/927f621992e9e74f3717e1ff7d49bb20\/notes_pre_post\/1040g3k831f8ahknq6obg5pej17u13n4akurib8g!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":4032},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/4ca000f5a0049b7364e935b88f17495f\/notes_pre_post\/1040g3k831f8ahknq6oc05pej17u13n4a7bgjo9o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/e953123c878579af60fd4070cf869a21\/notes_pre_post\/1040g3k831f8ahknq6oc05pej17u13n4a7bgjo9o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/03df938a430caff434d9af2bd2f47268\/notes_pre_post\/1040g3k831f8ahknq6ocg5pej17u13n4a6dpmljo!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/462fc22e229d68bda15973dfa0ca5bf8\/notes_pre_post\/1040g3k831f8ahknq6ocg5pej17u13n4a6dpmljo!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/fcd7401acd4966e2908fd161d889f466\/notes_pre_post\/1040g3k831f8ahknq6od05pej17u13n4aai10lg8!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/6dd01e648c83e057a0ec701f8a810327\/notes_pre_post\/1040g3k831f8ahknq6od05pej17u13n4aai10lg8!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1920,"height":2560,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/89512af759a7603b051c1fdc522e6ac6\/notes_pre_post\/1040g3k831f8ahknq6odg5pej17u13n4ah74v1j8!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/c6a89c2f4b16b3e1189d3a84c0a8d22f\/notes_pre_post\/1040g3k831f8ahknq6odg5pej17u13n4ah74v1j8!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1920,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/1ffb8989b52522963dfcf8b438d7b573\/notes_pre_post\/1040g3k831f8ahmvhm6705pej17u13n4auk8076o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/2ae594c5a8c8c91a91ea93aceedf8f4c\/notes_pre_post\/1040g3k831f8ahmvhm6705pej17u13n4auk8076o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2560},{"width":1920,"height":2560,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/160938c64808be15f5e35cd46cfda024\/notes_pre_post\/1040g3k831f8ahmvhm67g5pej17u13n4acc8g7bo!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/042b406e4232c687f1d693f83e01dcfb\/notes_pre_post\/1040g3k831f8ahmvhm67g5pej17u13n4acc8g7bo!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1920,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/428ca1f85b004b40382008bbddba6d17\/notes_pre_post\/1040g3k831f8ahmvhm6805pej17u13n4aja4fkmo!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/e3125a8cefc77b31c56306b5cd95e67b\/notes_pre_post\/1040g3k831f8ahmvhm6805pej17u13n4aja4fkmo!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2560},{"width":3024,"height":4032,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/778e19fd159cae17e688d5f264107352\/notes_pre_post\/1040g3k831f8ahmvhm68g5pej17u13n4aqddl9ho!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/3644a26a26aeea1a35d4dbb1079d9fe3\/notes_pre_post\/1040g3k831f8ahmvhm68g5pej17u13n4aqddl9ho!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"03-20"}],"display_title":"有和我样觉得豆包很好用的宝子吗!赠书","interact_info":{"comment_count":"21","collected":false,"liked":false,"liked_count":"71","shared_count":"10","collected_count":"54"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/b3ce5ac9c081e28218cb38fd9e99ec30\/notes_pre_post\/1040g3k831f8ahknq6o705pej17u13n4aa9quq38!nc_n_nwebp_prv_1","height":1656,"width":1242,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/cb1b011289bd91b6c5b5de38ad7d678b\/notes_pre_post\/1040g3k831f8ahknq6o705pej17u13n4aa9quq38!nc_n_nwebp_mw_1"},"type":"normal","user":{"nick_name":"博库","user_id":"65d309fc000000000401dc8a","nickname":"博库","xsec_token":"ABSPQl2kwLNH87W0ULg7QG4JU7mzjRTT_F_q9SkES4m5o=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo319uf36ab7a6g5pej17u13n4aph69k6g?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABVFmDCyKSKFvjCYNkSDxb4etHY5wu6pXQRqFd6IQpPqs="},{"id":"680ccc2e000000001c008e88","model_type":"note","note_card":{"image_list":[{"width":1278,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/22abf873ed74724066720b94c0e8ef8c\/1040g00831go62mvo3q6g5p809dq1m9hlev527f8!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/36610b65ddd1783d1e351566a2eba9eb\/1040g00831go62mvo3q6g5p809dq1m9hlev527f8!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":1704},{"width":1080,"height":1440,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/c2b97c53ff49e2fe230f6e983aa505d6\/1040g00831go62mvo3q605p809dq1m9hlgb3r22o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/f1120570b6c5b1f6ac2001d07495face\/1040g00831go62mvo3q605p809dq1m9hlgb3r22o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1080,"height":1440,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a4292d524c7b0485572c1abc61d861c8\/1040g00831go62mvo3q2g5p809dq1m9hlbmdok7g!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/3d57af683c876b5a0b62647059072265\/1040g00831go62mvo3q2g5p809dq1m9hlbmdok7g!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1080,"height":1440,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/ce68e2479b4dfed93e303c337eb5c558\/1040g00831go62mvo3q3g5p809dq1m9hlv4br7c0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/d5aaa476f7ae82f9ff5b9423e48cb781\/1040g00831go62mvo3q3g5p809dq1m9hlv4br7c0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1280,"height":2774,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/0028ff1a4522869b8d147aa4df6fef4d\/1040g00831go62mvo3q505p809dq1m9hl4jlcorg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/cd57f3b4714972eda54c6122fad61d80\/1040g00831go62mvo3q505p809dq1m9hl4jlcorg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"04-26"}],"display_title":"苹果手机豆包旧版本降级成功啦!","cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/36610b65ddd1783d1e351566a2eba9eb\/1040g00831go62mvo3q6g5p809dq1m9hlev527f8!nc_n_nwebp_prv_1","height":1704,"width":1278,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/22abf873ed74724066720b94c0e8ef8c\/1040g00831go62mvo3q6g5p809dq1m9hlev527f8!nc_n_nwebp_mw_1"},"type":"normal","interact_info":{"shared_count":"0","collected":false,"liked":false,"liked_count":"2","comment_count":"9","collected_count":"0"},"user":{"nick_name":"拿铁工具箱","user_id":"65004b740000000006032635","nickname":"拿铁工具箱","xsec_token":"ABhMxSk45sYsmFP1tE4Lbu7AM9wU4C8FtO_uPnFfrn0js=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31fddu03e6o6g5p809dq1m9hlmekjsj8?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABFG44Vh6YOtfosS7_mHkoW71A-qEUqDqJHN9pX32eqX4="},{"id":"681ae9a50000000021001c4d","model_type":"note","note_card":{"image_list":[{"width":1920,"height":2560,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/61aeed1d228c824252e962b22a33e995\/1040g2sg31h5uvjb63ujg5oo1gkvkge21frrakl0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a62118ebd21a48cbf48d602027483f76\/1040g2sg31h5uvjb63ujg5oo1gkvkge21frrakl0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"05-07"}],"display_title":"豆包心中的白马王子 | 豆包同人文E1","interact_info":{"comment_count":"13","collected":false,"liked":false,"liked_count":"214","shared_count":"25","collected_count":"107"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a62118ebd21a48cbf48d602027483f76\/1040g2sg31h5uvjb63ujg5oo1gkvkge21frrakl0!nc_n_nwebp_prv_1","height":2560,"width":1920,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/61aeed1d228c824252e962b22a33e995\/1040g2sg31h5uvjb63ujg5oo1gkvkge21frrakl0!nc_n_nwebp_mw_1"},"type":"video","user":{"nick_name":"豆秘书","user_id":"6301853f0000000012003841","nickname":"豆秘书","xsec_token":"ABtdQYbXUAslKH_gdftK47Lz7VyZijCI_9zPI7_aKrGMk=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31h6433p1ji605oo1gkvkge21j0jougg?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABTFdW1_zKe2ibTl2AZrI_K4aNle9KdjxDrjiIfgy78Vc="},{"id":"68451ba0000000001101ef7d","model_type":"note","xsec_token":"ABdV7Ce4tfn3c9K-801_e2kl_-CDbBl1n6kmu-ttETN9Y=","note_card":{"image_list":[{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a748522e896c3ec4a00baf018d515762\/notes_pre_post\/1040g3k831if5pjhq0ce05o0a77r091p0u0t0ci0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/6a57243f84df0f31a304eb12d1479f84\/notes_pre_post\/1040g3k831if5pjhq0ce05o0a77r091p0u0t0ci0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/9fea613e8315f423fc5a1fef25b69b32\/notes_pre_post\/1040g3k831if5pjhq0ceg5o0a77r091p0pes7408!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/c298ad3c087d9bbe0076114885b5b4e0\/notes_pre_post\/1040g3k831if5pjhq0ceg5o0a77r091p0pes7408!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2304},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/aa60fa034c13311f4943dce026397bf7\/notes_pre_post\/1040g3k831if5pjhq0cf05o0a77r091p0e02dh1g!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/4de1ccf986407c2d4352ad08a52c8de7\/notes_pre_post\/1040g3k831if5pjhq0cf05o0a77r091p0e02dh1g!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/f3ae37dcba64d831408eebd59bf637b9\/notes_pre_post\/1040g3k831if5pjhq0cfg5o0a77r091p0579rdj0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/1bce2cc32abaeb3bbb5be8e13c698f34\/notes_pre_post\/1040g3k831if5pjhq0cfg5o0a77r091p0579rdj0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/de739861405b8a01dcea58027f8219b1\/notes_pre_post\/1040g3k831if5pjhq0cg05o0a77r091p0m5ktql8!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/e8097234377e56e577a330ec2403d69c\/notes_pre_post\/1040g3k831if5pjhq0cg05o0a77r091p0m5ktql8!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2304},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/26f1df7e0e57088a0ec683921fcd53b1\/notes_pre_post\/1040g3k831if5pjhq0cgg5o0a77r091p0s2q7p5o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/f7dcc543bc70afbdb804001e80b93e31\/notes_pre_post\/1040g3k831if5pjhq0cgg5o0a77r091p0s2q7p5o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/9ec7dfdc76ddeb0fd3196001878f9d07\/notes_pre_post\/1040g3k831if5pjhq0ch05o0a77r091p0tad1llg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/c69c1a502743bf42a22a7b7af105120d\/notes_pre_post\/1040g3k831if5pjhq0ch05o0a77r091p0tad1llg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2304},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/5a11064c0fe3e49d79fc44230dadf77f\/notes_pre_post\/1040g3k831if5pjhq0chg5o0a77r091p0at5hvio!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/6aa078bc32d7a19ea3f3bf5f138a97df\/notes_pre_post\/1040g3k831if5pjhq0chg5o0a77r091p0at5hvio!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/5badc74b83548f998b14a54a5eea7455\/notes_pre_post\/1040g3k831if5pjhq0ci05o0a77r091p0h778urg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a6b68da96157a9cbb6eb57440e22d712\/notes_pre_post\/1040g3k831if5pjhq0ci05o0a77r091p0h778urg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/673acaff853619005d2e57e9605755d2\/notes_pre_post\/1040g3k831if5pjhq0cig5o0a77r091p0i81ih4o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/fa7aefee71784bc64f8fc34d15def958\/notes_pre_post\/1040g3k831if5pjhq0cig5o0a77r091p0i81ih4o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/9f0c2476a5dd2920b1941e5fa167ea2d\/notes_pre_post\/1040g3k831if5pjhq0cj05o0a77r091p0i5jlm6o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/d6b7d836de0a702da81a2ef0e67ac989\/notes_pre_post\/1040g3k831if5pjhq0cj05o0a77r091p0i5jlm6o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/9a99c3bccffc81c0c73300261cdeb365\/notes_pre_post\/1040g3k831if5pjhq0cjg5o0a77r091p0f331a08!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/7fba9af7230d6da564819401508dfaee\/notes_pre_post\/1040g3k831if5pjhq0cjg5o0a77r091p0f331a08!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/beb6dae189d458f4564d8ea14107fb96\/notes_pre_post\/1040g3k831if5pjhq0ck05o0a77r091p0p45fqto!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/5b7e52b2163f83dec5ad430ea3cd6b10\/notes_pre_post\/1040g3k831if5pjhq0ck05o0a77r091p0p45fqto!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/d033aebd78d4f597baef5e971fae10df\/notes_pre_post\/1040g3k831if5pjhq0ckg5o0a77r091p06fbom5o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/ed2bd8b18658e9bc011850252a24d3b0\/notes_pre_post\/1040g3k831if5pjhq0ckg5o0a77r091p06fbom5o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/39bb2e6324500ae326387045c65d199e\/notes_pre_post\/1040g3k031if5reepgc005o0a77r091p0susk15g!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/98d50b3b953ed63bff063241c62f9a20\/notes_pre_post\/1040g3k031if5reepgc005o0a77r091p0susk15g!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/86a9d7aa5eba24e00ab35911f3ac87ff\/notes_pre_post\/1040g3k031if5reepgc0g5o0a77r091p0p40upvo!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/27edab160caeb9e516bac3cb49d0db95\/notes_pre_post\/1040g3k031if5reepgc0g5o0a77r091p0p40upvo!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/0d5334ec37d42fb170539d1c79d8bdbd\/notes_pre_post\/1040g3k031if5reepgc105o0a77r091p0r3shn2o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/b7e3407778e1ca6644a2b7b95fc0a1dd\/notes_pre_post\/1040g3k031if5reepgc105o0a77r091p0r3shn2o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":2304,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/9fcae407b8e43b4f754ca6bc04705262\/notes_pre_post\/1040g3k031if5reepgc1g5o0a77r091p0vh9t2v8!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/588358479d03de21dbdf6ce8825523ff\/notes_pre_post\/1040g3k031if5reepgc1g5o0a77r091p0vh9t2v8!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"06-08"}],"display_title":"对镜自拍的jk~豆包ai生成","type":"normal","interact_info":{"shared_count":"0","collected":false,"liked":false,"liked_count":"6","comment_count":"0","collected_count":"2"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/6a57243f84df0f31a304eb12d1479f84\/notes_pre_post\/1040g3k831if5pjhq0ce05o0a77r091p0u0t0ci0!nc_n_nwebp_prv_1","height":2304,"width":1296,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a748522e896c3ec4a00baf018d515762\/notes_pre_post\/1040g3k831if5pjhq0ce05o0a77r091p0u0t0ci0!nc_n_nwebp_mw_1"},"user":{"nick_name":"星星鱼","user_id":"600a39f60000000001008720","nickname":"星星鱼","xsec_token":"ABK-B7xR_GzTOOhcKEPotQRz46jLlUAhPuosiVUJeHRhQ=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31icgg36p08005o0a77r091p07g7ps40?imageView2\/2\/w\/80\/format\/jpg"}}},{"rec_query":{"title":"相关搜索","source":1,"queries":[{"id":"豆包家人","name":"豆包家人","search_word":"豆包家人"},{"id":"豆包头像","name":"豆包头像","search_word":"豆包头像"},{"id":"豆包在哪里找","name":"豆包在哪里找","search_word":"豆包在哪里找"},{"id":"豆包ai动图","name":"豆包ai动图","search_word":"豆包ai动图"}],"word_request_id":"f27c4b7a-25ec-4e63-841f-999d4dcf3d32#1750061018755"},"id":"f27c4b7a-25ec-4e63-841f-999d4dcf3d32#1750061018755","model_type":"rec_query","xsec_token":"ABIctk-DDeWv7EzfmgNrQs71Z4r4M7KBRXdgZDfgY9qj6iV-wzRv8nfrF6TCcVmW52fLtvP3CwcKTeFAN2GnO3VyjInG8gWEE9HF9TSs_NsHI="},{"id":"6826bc8300000000220348de","model_type":"note","note_card":{"image_list":[{"width":1152,"height":2048,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/7bb560357ee333521f29c207bbb340b5\/1040g00831hhgj37n3a6g4bugba194fnra9va6ng!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/cbada8b0ad5afe6300d634916f722052\/1040g00831hhgj37n3a6g4bugba194fnra9va6ng!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"05-16"}],"display_title":"宝宝你是香香软软小蛋糕","type":"normal","interact_info":{"comment_count":"9","collected":false,"liked":false,"liked_count":"142","shared_count":"10","collected_count":"21"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/cbada8b0ad5afe6300d634916f722052\/1040g00831hhgj37n3a6g4bugba194fnra9va6ng!nc_n_nwebp_prv_1","height":2048,"width":1152,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/7bb560357ee333521f29c207bbb340b5\/1040g00831hhgj37n3a6g4bugba194fnra9va6ng!nc_n_nwebp_mw_1"},"user":{"nick_name":"AAA 棺材批发老王","user_id":"5bfd829244363b6af4d13efb","nickname":"AAA 棺材批发老王","xsec_token":"ABPjN3uyI5a0CUiNrwMjVLYTd6OsuJa2VYrUYSSDUDqpU=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo315e90bs3gq004bugba194fnru65qcgg?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABz1mWb2e816DjwF5B8z-OQDazyF9A-3LOKdurJRIHhF4="},{"id":"6827f4ae0000000022027efb","model_type":"note","note_card":{"image_list":[{"width":1296,"height":1728,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/015223da4880120de3889c059932983d\/spectrum\/1040g0k031himhfr834005oaj37f0jqbr2319gu8!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/98a1fcabb1eb21ca9b329709af4b5260\/spectrum\/1040g0k031himhfr834005oaj37f0jqbr2319gu8!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1296,"height":1728,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/af127765251708c7bcb358fed6edb95d\/spectrum\/1040g0k031himhfr8340g5oaj37f0jqbr3c98ffg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/73cac88d552a292569b6998042b95f33\/spectrum\/1040g0k031himhfr8340g5oaj37f0jqbr3c98ffg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1746,"height":1570,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/35fcdef25970bac4251095e8bd34f3a7\/spectrum\/1040g0k031himjh8s3a0g5oaj37f0jqbrnhlda20!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/b262a53931ea485e5c1fb1c1245dca27\/spectrum\/1040g0k031himjh8s3a0g5oaj37f0jqbrnhlda20!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"05-22"}],"display_title":"用豆包应援,享明星人生🥹","interact_info":{"shared_count":"11","collected":false,"liked":false,"liked_count":"97","comment_count":"2","collected_count":"43"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/98a1fcabb1eb21ca9b329709af4b5260\/spectrum\/1040g0k031himhfr834005oaj37f0jqbr2319gu8!nc_n_nwebp_prv_1","height":1728,"width":1296,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/015223da4880120de3889c059932983d\/spectrum\/1040g0k031himhfr834005oaj37f0jqbr2319gu8!nc_n_nwebp_mw_1"},"type":"normal","user":{"nick_name":"默悦的生活碎碎念","user_id":"615319de000000000201e97b","nickname":"默悦的生活碎碎念","xsec_token":"ABKLfKqco5lJaJQlxZpD0d-LjPgOHeyydNMkUuU7Cky-0=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31fuhre6lg07g5oaj37f0jqbrtjeic00?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABijIwtTlO889C5nouzKZXGtV_uIf4h_iYv2YLxnm4ApM="},{"id":"68494bed000000002300dcd7","model_type":"note","note_card":{"image_list":[{"width":1428,"height":1920,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/66c82f8d4f3417e2e5c74677908e89c4\/1040g00831ij8nhob7o605oijia641o89jhos5m0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/257d1bb0f6848a6a19c6b2f8d8dc0732\/1040g00831ij8nhob7o605oijia641o89jhos5m0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"4天前"}],"display_title":"豆包太可怜了,喝了鼻屎奶茶😭","type":"video","interact_info":{"comment_count":"245","collected":false,"liked":false,"liked_count":"7107","shared_count":"376","collected_count":"3941"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/257d1bb0f6848a6a19c6b2f8d8dc0732\/1040g00831ij8nhob7o605oijia641o89jhos5m0!nc_n_nwebp_prv_1","height":1920,"width":1428,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/66c82f8d4f3417e2e5c74677908e89c4\/1040g00831ij8nhob7o605oijia641o89jhos5m0!nc_n_nwebp_mw_1"},"user":{"nick_name":"豆花","user_id":"6253928c000000001000e109","nickname":"豆花","xsec_token":"ABHMsd9Fxfv3ZfKwcq_sgeQFjMLOEOhJ1oNYjkp1Xbipg=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31io89et00u6g5oijia641o89pbtjpu8?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABldSmWB5gsqbBiTLgO4IJ7D_hvKZ1fKDU6LHYRm0qsEY="},{"id":"67e3bfd7000000001201f459","model_type":"note","note_card":{"image_list":[{"width":1280,"height":1707,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/b6776e1a8df438196b7a7c62d29e4dc8\/1040g2sg31fg3d6cjme705ngk3a508mislb3h308!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/389a8b589d05747902bdf135ac49d43c\/1040g2sg31fg3d6cjme705ngk3a508mislb3h308!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1290,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/a85d40747c101463e38c0c800ab886f6\/1040g2sg31fg3d6cjme7g5ngk3a508mis1qn4k7o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/ae0fbe87da29fbc5c705f0ac19126cfc\/1040g2sg31fg3d6cjme7g5ngk3a508mis1qn4k7o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2796}],"corner_tag_info":[{"type":"publish_time","text":"03-26"}],"display_title":"中国AI应用排行","type":"normal","interact_info":{"shared_count":"41","collected":false,"liked":false,"liked_count":"1069","comment_count":"134","collected_count":"742"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/389a8b589d05747902bdf135ac49d43c\/1040g2sg31fg3d6cjme705ngk3a508mislb3h308!nc_n_nwebp_prv_1","height":1707,"width":1280,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/b6776e1a8df438196b7a7c62d29e4dc8\/1040g2sg31fg3d6cjme705ngk3a508mislb3h308!nc_n_nwebp_mw_1"},"user":{"nick_name":"数据世界","user_id":"5e141a8a0000000001005a5c","nickname":"数据世界","xsec_token":"ABnWZ2RdkGOdPjLuQYwMkJZk8S3Q0LSvDPc5d6S7tMCPQ=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/665ab2298dc98099a7b5c4e1.jpg?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABpocoAloKTneOQ_e4ybidHHga_pAA83DkQ4F-jPXWpGk="},{"id":"684cdd65000000002002abaf","model_type":"note","note_card":{"image_list":[{"width":1500,"height":2000,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/1e6ab8abcf2539744233dc5f8c6e63d8\/notes_pre_post\/1040g3k031imo73ebhe605or8rqt7r49om8jp4e0!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/293fc619bd58d036540f6e01ac3ec3ab\/notes_pre_post\/1040g3k031imo73ebhe605or8rqt7r49om8jp4e0!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1500,"height":2000,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/e6ac41a4ea1502276dd078307abe5d67\/notes_pre_post\/1040g3k031imo73ebhe6g5or8rqt7r49o2u08tjg!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/87fc127e30451c127ee4edf826121c57\/notes_pre_post\/1040g3k031imo73ebhe6g5or8rqt7r49o2u08tjg!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1500,"height":2000,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/0aecdbb3e27a517d6851e9de1ce26793\/notes_pre_post\/1040g3k031imo73ebhe405or8rqt7r49ojar6q6o!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/7e97ffb01f6d712eb8cc2b890b76acdc\/notes_pre_post\/1040g3k031imo73ebhe405or8rqt7r49ojar6q6o!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1500,"height":2000,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/368c460bd53fc48a5db0766a6f1cd9a6\/notes_pre_post\/1040g3k031imo73ebhe4g5or8rqt7r49obclrapo!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/116b7fb6af13242d70cddd51ad5d327e\/notes_pre_post\/1040g3k031imo73ebhe4g5or8rqt7r49obclrapo!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1500,"height":2000,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/9211ed0c9a841d240c605e12eea8b4c6\/notes_pre_post\/1040g3k031imo73ebhe1g5or8rqt7r49ocplqb6g!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/baf9b7c72a66c1321046f77655780aa8\/notes_pre_post\/1040g3k031imo73ebhe1g5or8rqt7r49ocplqb6g!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]},{"width":1500,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/d3b7b758f6ac1c528f940ac81364bf22\/notes_pre_post\/1040g3k031imo73ebhe5g5or8rqt7r49o324shko!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/3a1af78829ec2ffb981191191060f25f\/notes_pre_post\/1040g3k031imo73ebhe5g5or8rqt7r49o324shko!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}],"height":2000}],"corner_tag_info":[{"type":"publish_time","text":"2天前"}],"display_title":"豆包你……","type":"normal","interact_info":{"shared_count":"236","collected":false,"liked":false,"liked_count":"1512","comment_count":"243","collected_count":"634"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/293fc619bd58d036540f6e01ac3ec3ab\/notes_pre_post\/1040g3k031imo73ebhe605or8rqt7r49om8jp4e0!nc_n_nwebp_prv_1","height":2000,"width":1500,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/1e6ab8abcf2539744233dc5f8c6e63d8\/notes_pre_post\/1040g3k031imo73ebhe605or8rqt7r49om8jp4e0!nc_n_nwebp_mw_1"},"user":{"nick_name":"小小素问","user_id":"6368deba000000001f019138","nickname":"小小素问","xsec_token":"ABrHnvD7SRHwE31YLUxIqgjqeBaD8vmIAg7OiBtVfM7Pw=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo318rb0c36kc6g5or8rqt7r49okan7sdg?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABC8COOBqJbAPR76OfJqFz1BNHjtSoBQOAhKYd-8cOUBo="},{"id":"6832bd2c0000000020028780","model_type":"note","note_card":{"image_list":[{"width":1212,"height":1920,"info_list":[{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/2e9677cd5c9759bae2b394f6e46586ab\/1040g00831ht7qp8e3q705pvm6bcj93i3l0lqtso!nc_n_nwebp_mw_1","image_scene":"WB_DFT"},{"url":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/ee000d2e10570e013eeb385960234b1f\/1040g00831ht7qp8e3q705pvm6bcj93i3l0lqtso!nc_n_nwebp_prv_1","image_scene":"WB_PRV"}]}],"corner_tag_info":[{"type":"publish_time","text":"05-25"}],"display_title":"日常找豆包麻烦","interact_info":{"comment_count":"111","collected":false,"liked":false,"liked_count":"1259","shared_count":"182","collected_count":"407"},"cover":{"url_pre":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/ee000d2e10570e013eeb385960234b1f\/1040g00831ht7qp8e3q705pvm6bcj93i3l0lqtso!nc_n_nwebp_prv_1","height":1920,"width":1212,"url_default":"http:\/\/sns-webpic-qc.xhscdn.com\/202506161603\/2e9677cd5c9759bae2b394f6e46586ab\/1040g00831ht7qp8e3q705pvm6bcj93i3l0lqtso!nc_n_nwebp_mw_1"},"type":"video","user":{"nick_name":"无脑浆","user_id":"67f632d9000000000d008e43","nickname":"无脑浆","xsec_token":"AB2HDZQZgGtvvPOhknsV5gGL_xdjX5fES5fcUxy_sUdT8=","avatar":"https:\/\/sns-avatar-qc.xhscdn.com\/avatar\/1040g2jo31gqe6qq9jq005pvm6bcj93i3342o7uo?imageView2\/2\/w\/80\/format\/jpg"}},"xsec_token":"ABGjOiyAx_iCl9Wc2DrbgpiUWSaqPeX9c1k5aSeayyohQ="}]}
06-17
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

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

抵扣说明:

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

余额充值