Pinned Repositories
adaptive-large-neighbourhood-search
ALNS header-only library (loosely) based on the original implementation by Stefan Ropke.
AI
Microsoft AI
aistudio-vloong-anomaly-detection-top11
AI Studio x vLoong能源AI挑战赛——异常检测赛 A榜 TOP11 B榜 TOP8 方案
algorithm
回溯算法
algorithm-base
一位酷爱做饭的程序员,立志用动画将算法说的通俗易懂。我的面试网站 www.chengxuchu.com
algorithm011-class01
allennlp
An open-source NLP research library, built on PyTorch.
ALNS
Adaptive large neighbourhood search in Python.
tensorflow-DeepFM
Tensorflow implementation of DeepFM for CTR prediction.
transdim
Machine learning for transportation data imputation and prediction.
wallace-163's Repositories
wallace-163/anticipy
A Python library for time series forecasting
wallace-163/apache-spark-lightgbm
Apache Spark LightGBM example
wallace-163/Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
wallace-163/BDC2020
海运ETA预测,赛题本身诟病比较多,参考一下folium用法和一些思路就好
wallace-163/blog-articles
放置 ethsonliu.com 下所有文章的 markdown 原文 。
wallace-163/Code
运小筹公众号是致力于分享运筹优化(LP、MIP、NLP、随机规划、鲁棒优化)、凸优化、强化学习等研究领域的内容以及涉及到的算法的代码实现。
wallace-163/coding-interview-university
A complete computer science study plan to become a software engineer.
wallace-163/DA-RNN-1
📃 𝖀𝖓𝖔𝖋𝖋𝖎𝖈𝖎𝖆𝖑 PyTorch Implementation of DA-RNN (arXiv:1704.02971)
wallace-163/decisiontree-randomforest-adaboost-GBDT-xgboost-lightGBM-catBoost
Focus on decision tree and derivatives
wallace-163/DeepLearningForTimeSeriesForecasting
A tutorial demonstrating how to implement deep learning models for time series forecasting
wallace-163/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
wallace-163/FudanUniversity-DataMining
2020 Spring Fudan University Data Mining Course HW by prof. Zhu Xuening. 复旦大学大数据学院2020年春季课程-数据挖掘(DATA620007)包含数据挖掘算法模型:Linear Regression Model、Logistic Regression Model、Linear Discriminant Analysis、K-Nearest Neighbour、Naive Bayes Classifier、Decision Tree Model、AdaBoost、Gradient Boosting Decision Tree(GBDT)、XGBoost、Random Forest Model、Support Vector Machine、Principal Component Analysis(PCA)
wallace-163/HuaweiCloud2020_BigData_Rank2
wallace-163/jikeshijian
算法
wallace-163/LeetCode
LeetCode solutions with Chinese explanation & Summary of classic algorithms.
wallace-163/LeetCode-Go
✅ Solutions to LeetCode by Go, 100% test coverage, runtime beats 100% / LeetCode 题解
wallace-163/Lihang
Statistical learning methods, 统计学习方法(第2版)[李航] [笔记, 代码, notebook, 参考文献, Errata, lihang]
wallace-163/market-toolkit
A collection of stock market resources and tools
wallace-163/ML-notes
notes about machine learning
wallace-163/MQRNN
Multi-Quantile Recurrent Neural Network for Quantile Regression
wallace-163/N-BEATS-1
wallace-163/Neural-Net-with-Financial-Time-Series-Data
This solution presents an accessible, non-trivial example of machine learning (Deep learning) with financial time series using TensorFlow
wallace-163/pyspark-setup-demo
Demo of PySpark and Jupyter Notebook with the Jupyter Docker Stacks
wallace-163/Spark-The-Definitive-Guide
Spark: The Definitive Guide's Code Repository
wallace-163/spinningup
An educational resource to help anyone learn deep reinforcement learning.
wallace-163/TensorFlow2.0-Notes
Tensorflow 2.0 Notes 提供了TF2.0案例实战以及TF2.0基础实战,目标是帮助那些希望和使用Tensorflow 2.0进行深度学习开发和研究的朋友快速入门,其中包含的Tensorflow 2.0教程基本通过测试保证可以成功运行(有问题的可以提issue,笔记网站正在建设中)。
wallace-163/tf2_deepfm
tensorflow2.0 实现的 DeepFM,使用 Criteo 子数据集加以实践。
wallace-163/tianshou
An elegant, flexible, and superfast PyTorch deep reinforcement learning platform. (For previewed features, please checkout the "dev" branch)
wallace-163/torch-summary
View model summaries in PyTorch!
wallace-163/xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Flink and DataFlow