-
uplift_model_notes Public
Forked from tangweize/uplift_model_notesuplift模型业界应用总结
Jupyter Notebook UpdatedAug 15, 2024 -
awesome-programming-books Public
Forked from HangboQuan/awesome-programming-books计算机类专业经典书籍集合,Java、Scala、C/C++、算法、计算机基础、数学、英语等电子书以及互联网大厂技术峰会资料
UpdatedAug 10, 2024 -
Deep-Learning-for-Causal-Inference Public
Forked from kochbj/Deep-Learning-for-Causal-InferenceExtensive tutorials for learning how to build deep learning models for causal inference (HTE) using selection on observables in Tensorflow 2.
UpdatedOct 5, 2023 -
awesome-machine-learning Public
Forked from josephmisiti/awesome-machine-learningA curated list of awesome Machine Learning frameworks, libraries and software.
Python Creative Commons Zero v1.0 Universal UpdatedJan 11, 2022 -
CTR_Algorithm Public
Forked from Prayforhanluo/CTR_Algorithm一些经典的CTR算法的复现; LR, FM, FFM, AFM, DeepFM,xDeepFM, PNN, DCN, DCNv2, DIFM, AutoInt, FiBiNet,DIN, DIEN ... (pytorch, tf2.0)
Jupyter Notebook UpdatedJan 4, 2022 -
vpncn.github.io Public
Forked from vpncn/vpncn.github.io2021中国翻墙软件VPN推荐以及科学上网避坑,稳定好用。对比SSR机场、蓝灯、V2ray、老王VPN、VPS搭建梯子等科学上网与翻墙软件,中国最新科学上网翻墙梯子VPN下载推荐。
HTML UpdatedNov 9, 2021 -
dowhy Public
Forked from py-why/dowhyDoWhy is a Python library for causal inference that supports explicit modeling and testing of causal assumptions. DoWhy is based on a unified language for causal inference, combining causal graphic…
Python MIT License UpdatedOct 24, 2021 -
causalml Public
Forked from uber/causalmlUplift modeling and causal inference with machine learning algorithms
Python Other UpdatedSep 18, 2021 -
EconML Public
Forked from py-why/EconMLALICE (Automated Learning and Intelligence for Causation and Economics) is a Microsoft Research project aimed at applying Artificial Intelligence concepts to economic decision making. One of its go…
Jupyter Notebook Other UpdatedSep 14, 2021 -
daily-interview Public
Forked from datawhalechina/daily-interviewDatawhale成员整理的面经,内容包括机器学习,CV,NLP,推荐,开发等,欢迎大家star
GNU General Public License v3.0 UpdatedSep 12, 2021 -
Multi-Head-Attention-with-TF2 Public
Forked from riyaj8888/Multi-Head-Attention-with-TF2Implementation of Multi Head Attention Block with example in TF2
Jupyter Notebook UpdatedJul 4, 2021 -
awesome-multimodal-ml Public
Forked from pliang279/awesome-multimodal-mlReading list for research topics in multimodal machine learning
MIT License UpdatedJun 23, 2021 -
Recommender-System-with-TF2.0 Public
Forked from ZiyaoGeng/RecLearnRecurrence the recommender paper with Tensorflow2.0
Python MIT License UpdatedMay 19, 2021 -
-
algorithm-base Public
Forked from chefyuan/algorithm-base专门为刚开始刷题的同学准备的算法基地,没有最细只有更细,立志用动画将晦涩难懂的算法说的通俗易懂!
Java MIT License UpdatedApr 7, 2021 -
rl-starterpack Public
Forked from RL-Starterpack/rl-starterpackJupyter Notebook MIT License UpdatedMar 30, 2021 -
leetcode-master Public
Forked from youngyangyang04/leetcode-masterLeetCode 刷题攻略:配思维导图,100+经典算法题目刷题顺序、经典算法模板、共40w字的详细图解,以及难点视频题解。按照刷题攻略上的顺序来刷题,让你在算法学习上不再迷茫!🔥🔥给个star支持一下吧!🚀
UpdatedMar 13, 2021 -
PyTorch_Tutorial Public
Forked from TingsongYu/PyTorch_Tutorial《Pytorch模型训练实用教程》中配套代码
Python UpdatedNov 13, 2020 -
pytorch_image_classification Public
Forked from hysts/pytorch_image_classificationPyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
Python MIT License UpdatedOct 27, 2020 -
pytorch-tutorial Public
Forked from yunjey/pytorch-tutorialPyTorch Tutorial for Deep Learning Researchers
Python MIT License UpdatedOct 20, 2020 -
Awesome-Neural-Logic Public
Forked from FLHonker/Awesome-Neural-LogicAwesome Neural Logic and Causality: MLN, NLRL, NLM, etc. 因果推断,神经逻辑,强人工智能逻辑推理前沿领域。
UpdatedOct 13, 2020 -
GBDT_LR Public
Forked from zxxwin/GBDT_LR广告点击率(CTR)预测经典模型 GBDT + LR 理解与实践(附数据 + 代码)
Python UpdatedJul 22, 2020 -
Tianchi-AntaiCup-International-E-commerce-Artificial-Intelligence-Challenge Public
Forked from RainFung/Tianchi-AntaiCup-International-E-commerce-Artificial-Intelligence-Challenge1st place solution for the AntaiCup-International-E-commerce-Artificial-Intelligence-Challenge
Jupyter Notebook UpdatedDec 23, 2019 -
deep-ctr-prediction Public
Forked from qiaoguan/deep-ctr-predictionCTR prediction models based on deep learning(基于深度学习的广告推荐CTR预估模型)
Python UpdatedNov 15, 2019 -
DeepCTR Public
Forked from shenweichen/DeepCTREasy-to-use,Modular and Extendible package of deep-learning based CTR models.
Python Apache License 2.0 UpdatedNov 6, 2019 -
Resent-50-from-scratch-for-multi--label-image-classification Public
Forked from Nitinguptadu/Resent-50-from-scratch-for-multi--label-image-classificationkaggle competition iMet Collection 2019 Classify the multi-‐label images classification according to their given label using a ResNet50 . build the model from the scratch
Jupyter Notebook UpdatedOct 12, 2019 -
AutoInt Public
Forked from shichence/AutoIntImplementation of AutoInt: Automatic Feature Interaction Learning via Self-Attentive Neural Networks
Python MIT License UpdatedSep 13, 2019 -
RecSys2019_DeepLearning_Evaluation Public
Forked from MaurizioFD/RecSys2019_DeepLearning_EvaluationThis is the repository of our article published in RecSys 2019 "Are We Really Making Much Progress? A Worrying Analysis of Recent Neural Recommendation Approaches"
Python GNU Affero General Public License v3.0 UpdatedSep 10, 2019 -
x-deeplearning Public
Forked from alibaba/x-deeplearningAn industrial deep learning framework for high-dimension sparse data
PureBasic Apache License 2.0 UpdatedAug 27, 2019 -
Reco-papers Public
Forked from wzhe06/Reco-papersClassic papers and resources on recommendation
Python MIT License UpdatedMay 29, 2019