Pinned Repositories
2018-IJCAI-top3
This 2018 IJCAI alimama Top3 Code
Analytics_Vidhya
Codes related to activities on AV including articles, hackathons and discussions.
awesome
:sunglasses: Curated list of awesome lists
awesome-deep-vision
A curated list of deep learning resources for computer vision
Awesome-Linux-Software
🐧 A list of awesome applications, software, tools and other materials for Linux distros.
awesome-machine-learning
A curated list of awesome Machine Learning frameworks, libraries and software.
awesome-tensorflow
TensorFlow - A curated list of dedicated resources http://tensorflow.org
caffe
Caffe: a fast open framework for deep learning.
cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
cs231n
cs231n assignments
zsommer's Repositories
zsommer/2018-IJCAI-top3
This 2018 IJCAI alimama Top3 Code
zsommer/awesome-deep-vision
A curated list of deep learning resources for computer vision
zsommer/cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
zsommer/Ctr
IJCAI-18 阿里妈妈搜索广告转化预测
zsommer/CTR_NN
基于深度学习的CTR预估,从FM推演各深度学习CTR预估模型(附代码)
zsommer/darknet
Convolutional Neural Networks
zsommer/DeepLearningZeroToAll
TensorFlow Basic Tutorial Labs
zsommer/dnn_ctr
The framework to deal with ctr problem。The project contains FNN,PNN,DEEPFM, NFM etc
zsommer/Feature-Selection
For general feature selection
zsommer/handson-ml
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
zsommer/ijcai-18-top2-single-mole-solution
复赛第二名单模型方案,没有特征选择没有调参单模型857个特征
zsommer/java-design-patterns
Design patterns implemented in Java
zsommer/kaggle-past-solutions
A searchable compilation of Kaggle past solutions
zsommer/kaggle-web-traffic
1st place solution
zsommer/MachineLearning-1
Machine Learning in Action(机器学习实战)
zsommer/neural-style-tf
TensorFlow (Python API) implementation of Neural Style
zsommer/O2O-Coupon-Usage-Forecast
1st Place Solution for O2O Coupon Usage Forecast
zsommer/Paddle
PArallel Distributed Deep LEarning
zsommer/Pokemon_GAN
This is the code for "Generating Pokemon with a Generative Adversarial Network" by Siraj Raval on Youtube
zsommer/Put_Flavors_SA
2018华为软件精英挑战赛,采用模拟退火算法+首次适应算法寻找最优化放置虚拟机方法。
zsommer/PythonDataScienceHandbook
Python Data Science Handbook: full text in Jupyter Notebooks
zsommer/rtb-papers
A collection of research and survey papers of real-time bidding (RTB) based display advertising techniques.
zsommer/scikit-learn
scikit-learn: machine learning in Python
zsommer/stanford-tensorflow-tutorials
This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research.
zsommer/state-of-the-art-result-for-machine-learning-problems
This repository provides state of the art (SoTA) results for all machine learning problems. We do our best to keep this repository up to date. If you do find a problem's SoTA result is out of date or missing, please raise this as an issue or submit Google form (with this information: research paper name, dataset, metric, source code and year). We will fix it immediately.
zsommer/Tencent_Social_Ads
第一届腾讯社交广告高校算法大赛(全国14名)
zsommer/tf_repos
TensorFlow Script
zsommer/tutorials
机器学习相关教程
zsommer/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
zsommer/YOLO_Object_Detection
This is the code for "YOLO Object Detection" by Siraj Raval on Youtube