自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+

Talk Is Cheap

If You Get Tired, Learn To Rest, Not To Quit

  • 博客(18)
  • 资源 (385)
  • 问答 (103)
  • 收藏
  • 关注

原创 its rank is undefined, but the layer requires a defined rank

tf.layers.dense的输入的tensor要tf.reshape指定一下shape

2021-03-30 09:49:37 826

原创 CTR模型归纳来说就是三种类型的特征作为输入

int list即 id listfloat list即一些比如价格、销量等特征fixed float list即固定的embedding

2021-03-26 10:11:10 833

原创 Spark 把几列concat成新一列(来join),而不通过对所有列map

dataFrame = dataFrame.withColumn("the_key", concat_ws("-", col("column1"), col("column2")))

2021-03-17 18:02:55 855

原创 Spark java.lang.ClassCastException

详细报错信息:Driver stacktrace: at org.apache.spark.scheduler.DAGScheduler.org$apache$spark$scheduler$DAGScheduler$$failJobAndIndependentStages(DAGScheduler.scala:1588) at org.apache.spark.scheduler.DAGScheduler$$anonfun$abortStage$1.apply(DAGScheduler.scala:

2021-03-17 11:38:18 365

原创 Spark 填充默认值 实例

dataFrame.na.fill(Map( "column1" -> "0", "column2" -> "-1", ))

2021-03-16 16:30:47 844

原创 Spark 利用udf只对DataFrame其中几列操作,而不对所有列map

定义UDFimport org.apache.spark.sql.functions.udfdef theUDF = udf((inputColumn1: String, inputColumn2: BigInt)=>{ var resultColumn = 0 inputColumn1.split(",").foreach(item=>{ if(java.lang.Long.valueOf(item).equals(inputColumn2)) {

2021-03-16 16:23:44 550

原创 CTR任务的两种特征embedding方式

如果是user对poi的点击率,user最近买了1,2,3,4个item,poi高销的几个item是3,4,5,6,则第一种embedding方式是:每个item一个embedding,一共6个embedding第二种embedding方式是:每两个item一个embedding,一共4乘4=16个embedding...

2021-03-16 14:13:45 506

原创 学数学 最好的方法是 做数学

The only way to learn mathematics is to do mathematics.“Doing mathematics” means a lot more than writing a solution to a math problem - it means thinkingdeeply about math, struggling with math, communicating about math, practicing math skills, andtrying

2021-03-16 09:28:10 125

原创 推荐系统的 ctr cxr rpm

ctr 点击数除以曝光数,cxr 成单数除以曝光数,rpm 收入额除以曝光数,

2021-03-15 11:41:58 1606

原创 pv事件 mv事件 mc事件

pv,page view 页面打开的次数,无论用户是否浏览里面的子模块,都会记录,mv,module view 页面打开了,用户浏览了页面里的子模块的次数,mc,module click 页面打开了,用户点击了页面里的子模块的次数,...

2021-03-15 11:40:09 1656

原创 tensorflow tf.estimator 打印AUC

auc,auc_op = tf.metrics.auc(labels=labels, predictions=tf.sigmoid(logits))if mode == tf.estimator.ModeKeys.EVAL: eval_metrics = {"auc":(auc,auc_op)} output_spec = tf.estimator.EstimatorSpec( mode=mode, loss=total

2021-03-12 15:28:55 1017

原创 roc_auc_score 传参

from sklearn.metrics import roc_auc_scorey_true = [0, 0, 1, 1, 1]y_score = [0.1, 0.2, 0.7, 0.8, 0.9]print(roc_auc_score(y_true, y_score))y_score = [0.7, 0.8, 0.9, 0.1, 0.2]print(roc_auc_score(y_true, y_score))打印结果:1.00.33333

2021-03-12 11:00:03 1317

原创 【笔记】推荐系统CTR模型数据正负样本准备

www.zhihu.com/question/3249860541在feed场景中,使用曝光(展示)日志时,应该选择APP的SDK埋点的日志,而不是服务器Web接口返回的日志,因为Web接口返回的日志中的后果是会增加很多无效的负样本。举个例子,Web接口每次返回10条数据,但是APP屏幕最多只能展现3条数据,剩下的7条数据需要用户在feed中滑动屏幕后,才算真正的曝光,但很多用户可能并不会滑动屏幕或者滑动屏幕幅度较小,导致剩下的7条数据并未真正在APP上曝光。2针对同一个内容在不同时间对同一个用户曝

2021-03-12 10:29:56 857

原创 Invalid argument: Key: XXX. Can‘t parse serialized Example.

一般就是维度没对上,tfrecord里的维度和代码里的维度没对上,

2021-03-11 15:37:25 1267

原创 vim ctrl+v 粘贴时错乱

先执行 :set paste 再粘贴

2021-03-11 10:12:07 385

原创 作为CTR模型输入的 feature index 的意思

比如一共所有 feature value 的集合是 0.1 0.2 0.5 0.7则 feature index 就是将这些value给映射到 0 1 2 3例如一行数据是 0.5 0.7 0.1 则这条数据feature index就是 2 3 0

2021-03-04 14:36:11 402 1

原创 tensorflow index一个tensor

这个示例是不用tensor来index另一个tensor的方式import tensorflow as tfinput_tensor = tf.random_uniform([2,4,3])index = tf.placeholder(tf.int32)index2 = tf.placeholder(tf.int32)print(input_tensor[:,0:2].shape) # 一种方式output = input_tensor[:,index:index2] # 另一种方式sess

2021-03-03 09:43:14 371

原创 BORT 阅读笔记

《Optimal Subarchitecture Extraction For BERT》用神经网路搜索的方法寻找一个最优的BERT:最终寻到的最优BERT:其中D是transformer encoder层数A是attention headsH是hidden sizeI是intermediate layer size对比了 普通预训练 和 基于蒸馏的预训练(下面第二第三列):...

2021-03-02 10:43:21 157

huggingface.co/Salesforce/blip-image-captioning-base

clone from https://huggingface.co/Salesforce/blip-image-captioning-base

2024-08-22

huggingface的bert-base-uncased.zip的split的2/2

huggingface的bert-base-uncased.zip的split的2/2

2024-08-21

huggingface的bert-base-uncased.zip的split的1/2

huggingface的bert-base-uncased.zip的split的1/2

2024-08-21

Qwen2-7B 的 model-00004-of-00004.safetensors 的2/2

Qwen2-7B 的 model-00004-of-00004.safetensors 的2/2

2024-07-29

Qwen2-7B 的 model-00004-of-00004.safetensors 的1/2

Qwen2-7B 的 model-00004-of-00004.safetensors 的1/2

2024-07-29

Qwen2-7B 的 model-00003-of-00004.safetensors 的2/2

Qwen2-7B 的 model-00003-of-00004.safetensors 的2/2

2024-07-29

Qwen2-7B 的 model-00003-of-00004.safetensors 的1/2

Qwen2-7B Base 的 model-00003-of-00004.safetensors 的1/2

2024-07-29

Qwen2-7B 的 model-00002-of-00004.safetensors 的2/2

Qwen2-7B 的 model-00002-of-00004.safetensors 的2/2

2024-07-28

Qwen2-7B 的 model-00002-of-00004.safetensors 的1/2

Qwen2-7B 的 model-00002-of-00004.safetensors 的1/2

2024-07-28

Qwen2-7B 的 model-00001-of-00004.safetensors 的2/2

Qwen2-7B 的 model-00001-of-00004.safetensors 的2/2

2024-07-28

Qwen2-7B 的 model-00001-of-00004.safetensors 的1/2

Qwen2-7B 的 model-00001-of-00004.safetensors 的1/2

2024-07-28

Qwen2-7B-Instruct 的 model-00004-of-00004.safetensors 的2/2

Qwen2-7B-Instruct 的 model-00004-of-00004.safetensors 的2/2

2024-07-26

Qwen2-7B-Instruct 的 model-00004-of-00004.safetensors 的1/2

Qwen2-7B-Instruct 的 model-00004-of-00004.safetensors 的1/2

2024-07-26

Qwen2-7B-Instruct 的 model-00003-of-00004.safetensors 的2/2

Qwen2-7B-Instruct 的 model-00003-of-00004.safetensors 的2/2

2024-07-26

Qwen2-7B-Instruct 的 model-00003-of-00004.safetensors 的1/2

Qwen2-7B-Instruct 的 model-00003-of-00004.safetensors 的1/2

2024-07-26

Qwen2-7B-Instruct 的 model-00002-of-00004.safetensors 的2/2

Qwen2-7B-Instruct 的 model-00002-of-00004.safetensors 的2/2

2024-07-26

Qwen2-7B-Instruct 的 model-00002-of-00004.safetensors 的1/2

Qwen2-7B-Instruct 的 model-00002-of-00004.safetensors 的1/2

2024-07-26

Qwen2-7B-Instruct 的 model-00001-of-00004.safetensors 的2/2

Qwen2-7B-Instruct 的 model-00001-of-00004.safetensors 的2/2

2024-07-25

Qwen2-7B-Instruct 的 model-00001-of-00004.safetensors 的1/2

Qwen2-7B-Instruct 的 model-00001-of-00004.safetensors 的1/2

2024-07-25

libstemmer-java-2.2.0.tar.gz

多国语言的词根提取

2024-07-24

torch-2.3.0+cu118-cp38-cp38-linux-x86-64.whl

pip3 install torch-2.3.0+cu118-cp38-cp38-linux_x86_64.whl

2024-06-24

meta-llama-3-8b-instruct 的 model-00004-of-00004.safetensors

meta-llama-3-8b-instruct 的 model-00004-of-00004.safetensors

2024-05-29

meta-llama-3-8b-instruct 的 model-00003-of-00004.safetensors 的3/3

meta-llama-3-8b-instruct 的 model-00003-of-00004.safetensors 的3/3

2024-05-29

meta-llama-3-8b-instruct 的 model-00003-of-00004.safetensors 的2/3

meta-llama-3-8b-instruct 的 model-00003-of-00004.safetensors 的2/3

2024-05-29

meta-llama-3-8b-instruct 的 model-00003-of-00004.safetensors 的1/3

meta-llama-3-8b-instruct 的 model-00003-of-00004.safetensors 的1/3

2024-05-29

meta-llama-3-8b-instruct 的 model-00002-of-00004.safetensors 的3/3

meta-llama-3-8b-instruct 的 model-00002-of-00004.safetensors 的3/3

2024-05-29

meta-llama-3-8b-instruct 的 model-00002-of-00004.safetensors 的2/3

meta-llama-3-8b-instruct 的 model-00002-of-00004.safetensors 的2/3

2024-05-29

meta-llama-3-8b-instruct 的 model-00002-of-00004.safetensors 的1/3

meta-llama-3-8b-instruct 的 model-00002-of-00004.safetensors 的1/3

2024-05-29

meta-llama-3-8b-instruct 的 model-00001-of-00004.safetensors 的3/3

meta-llama-3-8b-instruct 的 model-00001-of-00004.safetensors 的3/3

2024-05-29

meta-llama-3-8b-instruct 的 model-00001-of-00004.safetensors 的2/3

meta-llama-3-8b-instruct 的 model-00001-of-00004.safetensors 的2/3

2024-05-29

meta-llama-3-8b-instruct 的 model-00001-of-00004.safetensors 的1/3

meta-llama-3-8b-instruct 的 model-00001-of-00004.safetensors 的1/3

2024-05-29

stanford-corenlp-4.5.6.zip

https://nlp.stanford.edu/software/stanford-corenlp-4.5.6.zip

2024-03-12

huggingface的bert-base-chinese

https://huggingface.co/google-bert/bert-base-chinese pytorch和tensorflow都有

2024-03-05

huggingface的bert-base-uncased

https://huggingface.co/google-bert/bert-base-uncased pytorch和tensorflow都有

2024-03-03

TREC-6 文本分类数据集

https://www.tensorflow.org/datasets/catalog/trec

2024-02-22

chatglm3-6b的模型参数文件0/7

这个是除了7个大文件之外的所有小文件

2023-11-30

chatglm3-6b的模型参数文件6/7

chatglm3-6b的模型参数文件6/7

2023-11-29

chatglm3-6b的模型参数文件5/7

chatglm3-6b的模型参数文件5/7

2023-11-29

chatglm3-6b的模型参数文件4/7

chatglm3-6b的模型参数文件4/7

2023-11-29

chatglm3-6b的模型参数文件7/7

chatglm3-6b的模型参数文件7/7

2023-11-28

自动驾驶,如何得到方向盘转动的ground truth?

2024-03-18

AlphaGo能超越人类,因为训练时 对于模型的每个输入,都有一个100%正确的答案?

2024-01-16

其实LLM/ChatGPT是否在距离AlphaGo式AI越来越远?

2024-01-16

技术上,ChatGPT要成为 AI医生/AI律师/AI教师 还欠缺哪些能力?

2024-01-11

数学 是且仅是 一种语言和一种工具,不是科学的全部?

2023-12-14

哪些时候用CUDA编程更好?

2023-12-14

MetaLearning是LearnToLearn,那如何解决LearnToLearnToLearn?

2022-05-24

BERT/GPT是 精确存储了所有每句话的“语义” 还是得出每句话的少数服从多数的统计“语义”?

2022-05-09

用RL做NLP,和 根据那条数据的reward重新标注那条数据 有什么区别?

2022-05-07

没有物理机器人载体,如何在模拟环境里的进行学习和研究机器人?

2022-04-28

2022年了,USB式GPU有哪些进展?

2022-04-28

2022年了,有哪些稳压deepfm的CTR模型?

2022-04-01

CTR模型,如果上线了没效果,这时可以进行哪些分析工作?以及有无必要投入大量时间分析?

2022-03-24

算法工程师如何应对做算法策略的不确定性;比如没效果,这时绩效怎么保证?

2022-03-01

CTR模型必须要有一个测试数据集吗? 训练数据集和测试数据集是同一个,可以吗?

2022-02-25

有人搞过离线CTR模型么,缓存每个user对每个item的打分,没缓存的item默认处理,靠谱吗?

2022-02-18

把user买过的item的名字embedding后作为特征,以及item本身的名字embedding作为特征,这两个特征加到CTR模型,会有效果吧?

2022-02-16

为啥我感觉现在机器学习模型就是一种模糊匹配工具or相似识别工具?

2022-02-16

因果推断技术靠谱吗,感觉里面的影响因素太多了,所以能实际解决落地问题吗?

2022-02-08

XGB/GBDT/决策树,得出特征重要性的原理是什么?

2022-02-08

强化学习是不是无人驾驶的未来?

2022-02-01

GAN生成图像,弄一个discriminator ,和无D直接生成,区别是?

2022-02-01

哪些互联网公司的管理职级和专业职级是分开的?

2022-01-22

CTR模型的AUC如果比较高,是否其实只是 因为复购行为带来的AUC虚高?

2022-01-17

CTR模型的本质是不是算出 user的哪些特征和item的哪些特征 最匹配?

2022-01-08

人工智能的因果学习(Causal Learning)到底想解决什么问题?

2021-12-17

BYOL里stop-gradient的作用是什么?

2021-12-01

马上2022年了,强化学习+NLP 有了哪些突破?

2021-11-26

马上2022年了,pointer-network现在看来的作用是什么?

2021-11-26

总被主管说文档写的不好怎么办?

2021-11-18

NER任务只有一个类的情况下,BME或者Yes-No的数据预处理方式对结果有影响吗?

2021-11-08

为什么机器翻译文本生成,至今仍然在用transformer-auto-regressive的别扭架构?

2021-11-08

Float特征直接输入deepCTR模型和分桶转成int再embedding输入的区别是?

2021-11-08

学好数学对于编程的真实增益的性价比到底如何?

2021-11-03

学好数学对于编程的真实增益到底是多少?

2021-11-03

如果说每一个数学公式都在描述一件事情,那么数学公式的推导,是在做什么?

2021-10-26

研究出 通用人工智能/曲率引擎/黎曼猜想/可控核聚变/零事故飞行汽车/量子计算机/治愈癌症 的难度排名?

2021-10-20

每个物理公式是否都是在【描述】一个事情?

2021-10-12

求通俗讲讲数学或理论物理进行研究的细节,复杂公式是不是也都是由基础公式而来?

2021-09-14

基于对比学习(Contrastive Learning)的文本表示模型【为什么】能学到语义【相似】度?

2021-08-17

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除