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/AI
Microsoft AI
wallace-163/ALNS
Adaptive large neighbourhood search in Python.
wallace-163/BDC2020
海运ETA预测,赛题本身诟病比较多,参考一下folium用法和一些思路就好
wallace-163/berkeley-stat-157
Homepage for STAT 157 at UC Berkeley
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
Dual-Stage Attention-Based Recurrent Neural Net for Time Series Prediction
wallace-163/DA-RNN-1
📃 𝖀𝖓𝖔𝖋𝖋𝖎𝖈𝖎𝖆𝖑 PyTorch Implementation of DA-RNN (arXiv:1704.02971)
wallace-163/decision-tree-cart
Simple implementation of CART algorithm to train decision trees
wallace-163/decisiontree-randomforest-adaboost-GBDT-xgboost-lightGBM-catBoost
Focus on decision tree and derivatives
wallace-163/DeepCTR-pytorch
Here are the models listed in CTR. Example: FM、DeepFM、xDeepFM etc.
wallace-163/DeepLearningForTimeSeriesForecasting
A tutorial demonstrating how to implement deep learning models for time series forecasting
wallace-163/End-to-End-Time-Series
This repository hosts code for my Time Series videos part of playlist here - https://www.youtube.com/playlist?list=PL3N9eeOlCrP5cK0QRQxeJd6GrQvhAtpBK
wallace-163/HandsOn-Unsupervised-Learning-with-Python
HandsOn-Unsupervised-Learning-with-Python, Published by Packt
wallace-163/LeetCode-Go
✅ Solutions to LeetCode by Go, 100% test coverage, runtime beats 100% / LeetCode 题解
wallace-163/leetcode-master
LeetCode 刷题攻略:配思维导图,100+经典算法题目刷题顺序、经典算法模板、共40w字的详细图解,以及难点视频题解。按照刷题攻略上的顺序来刷题,让你在算法学习上不再迷茫!🔥🔥给个star支持一下吧!🚀
wallace-163/Lihang
Statistical learning methods, 统计学习方法(第2版)[李航] [笔记, 代码, notebook, 参考文献, Errata, lihang]
wallace-163/LSTM-time-series-forecasting
Predicting the behavior of $BTC-USD by training a memory-based neural net on historical data
wallace-163/ml-training-camp
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/Pytorch-Camp
wallace-163/References
wallace-163/Simple-Implementation-of-ML-Algorithms
My simplest implementations of common ML algorithms
wallace-163/stackoverflow-top-cpp
stackoverflow 上对 C/C++ 问题的整理、总结和翻译。
wallace-163/Tensorflow2.0-examples
wallace-163/TensorFlow2.0-Notes
Tensorflow 2.0 Notes 提供了TF2.0案例实战以及TF2.0基础实战,目标是帮助那些希望和使用Tensorflow 2.0进行深度学习开发和研究的朋友快速入门,其中包含的Tensorflow 2.0教程基本通过测试保证可以成功运行(有问题的可以提issue,笔记网站正在建设中)。
wallace-163/transformer-all-in-one