All Projects → Competition_baselines → Similar Projects or Alternatives

5965 Open source projects that are alternatives of or similar to Competition_baselines

Fashion Tag
Baseline of FashionAI Competition based on Keras.
Stars: ✭ 50 (-66.67%)
Mutual labels:  jupyter-notebook, baseline
Data Engineering Nanodegree
Projects done in the Data Engineering Nanodegree by Udacity.com
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Feature Selector
Feature selector is a tool for dimensionality reduction of machine learning datasets
Stars: ✭ 1,913 (+1175.33%)
Mutual labels:  jupyter-notebook
Slayerpytorch
PyTorch implementation of SLAYER for training Spiking Neural Networks
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Ml Mooc Nptel
This repository contains the Tutorials for the NPTEL MOOC on Machine Learning.
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Sphereface Plus
SphereFace+ Implementation for <Learning towards Minimum Hyperspherical Energy> in NIPS'18.
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Python For Financial Analysis And Algorithmic Trading
https://www.udemy.com/python-for-finance-and-trading-algorithms/
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Fast Neural Style
Pytorch Implementation of Perceptual Losses for Real-Time Style Transfer and Super-Resolution
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Newspaper Navigator
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Testovoe
Home assignments for data science positions
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
Phonetic Similarity Vectors
Source code to accompany my paper "Poetic sound similarity vectors using phonetic features"
Stars: ✭ 148 (-1.33%)
Mutual labels:  jupyter-notebook
Parcels
Main code for Parcels (Probably A Really Computationally Efficient Lagrangian Simulator)
Stars: ✭ 148 (-1.33%)
Mutual labels:  jupyter-notebook
Fifa 2018 World Cup Predictions
I used Machine Learning to make a Logistic Regression model using scikit-learn, pandas, numpy, seaborn and matplotlib to predict the results of FIFA 2018 World Cup.
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Deeplearning keras2
Modification of fast.ai deep learning course notebooks for usage with Keras 2 and Python 3.
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Intro stat modeling 2017
Introduction to Statistical Modeling with Python (PyCon 2017)
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Autonomousdrivingcookbook
Scenarios, tutorials and demos for Autonomous Driving
Stars: ✭ 1,939 (+1192.67%)
Mutual labels:  jupyter-notebook
Spark With Python
Fundamentals of Spark with Python (using PySpark), code examples
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Nlp adversarial examples
Implementation code for the paper "Generating Natural Language Adversarial Examples"
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+1364.67%)
Mutual labels:  jupyter-notebook
Time Series Forecasting Of Amazon Stock Prices Using Neural Networks Lstm And Gan
Project analyzes Amazon Stock data using Python. Feature Extraction is performed and ARIMA and Fourier series models are made. LSTM is used with multiple features to predict stock prices and then sentimental analysis is performed using news and reddit sentiments. GANs are used to predict stock data too where Amazon data is taken from an API as Generator and CNNs are used as discriminator.
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Hands On Machine Learning With Scikit Learn Keras And Tensorflow
Notes & exercise solutions of Part I from the book: "Hands-On ML with Scikit-Learn, Keras & TensorFlow: Concepts, Tools, and Techniques to Build Intelligent Systems" by Aurelien Geron
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Pyomogallery
A collection of Pyomo examples
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
Book Deep Learning Applications With Applications Using Python
Chapterwise code available in the book
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Mprgdeeplearninglecturenotebook
Stars: ✭ 148 (-1.33%)
Mutual labels:  jupyter-notebook
Pytorch Tutorials Kr
🇰🇷PyTorch에서 제공하는 튜토리얼의 한국어 번역을 위한 저장소입니다. (Translate PyTorch tutorials in Korean🇰🇷)
Stars: ✭ 148 (-1.33%)
Mutual labels:  jupyter-notebook
Forecasting
Time Series Forecasting Best Practices & Examples
Stars: ✭ 2,123 (+1315.33%)
Mutual labels:  jupyter-notebook
Math With Python
Various math-related things in Python code
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Ml
代码记录
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Stereoconvnet
Stereo convolutional neural network for depth map prediction from stereo images
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Asap
ASAP: Prioritizing Attention via Time Series Smoothing
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Learning by association
This repository contains code for the paper Learning by Association - A versatile semi-supervised training method for neural networks (CVPR 2017) and the follow-up work Associative Domain Adaptation (ICCV 2017).
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Designing Data Intensive Applications Notes
Reading notes on the excellent "Designing Data-Intensive Applications"
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Ml Workspace
🛠 All-in-one web-based IDE specialized for machine learning and data science.
Stars: ✭ 2,337 (+1458%)
Mutual labels:  jupyter-notebook
Nbviewer
nbconvert as a web service: Render Jupyter Notebooks as static web pages
Stars: ✭ 1,954 (+1202.67%)
Mutual labels:  jupyter-notebook
Face Depixelizer
Face Depixelizer based on "PULSE: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models" repository.
Stars: ✭ 1,912 (+1174.67%)
Mutual labels:  jupyter-notebook
Ai Matrix
To make it easy to benchmark AI accelerators
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Computer vision
C/C++/Python based computer vision models using OpenPose, OpenCV, DLIB, Keras and Tensorflow libraries. Object Detection, Tracking, Face Recognition, Gesture, Emotion and Posture Recognition
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Chinese Novel Generation
DEPRECATED 尝试使用中文文本训练RNN来产生中文小说。(No longer under maintanance.)
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Data Science Portfolio
A Portfolio of my Data Science Projects
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
Ml From Scratch
All the ML algorithms, ML models are coded from scratch by pure Python/Numpy with the Math under the hood. It works well on CPU.
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Machinelearning Watermelonbook
周志华-机器学习
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Pyrevolution
Python tutorials and puzzles to share with the world!
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Person Reid Tiny Baseline
Open source person re-identification in Pytorch
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Analyzingalpha
Stars: ✭ 148 (-1.33%)
Mutual labels:  jupyter-notebook
Transformers Ru
A list of pretrained Transformer models for the Russian language.
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Exercises thushv dot com
Here lies all the exercises I implement and share in my website
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
Www old.julialang.org
Julia Project web site (Old)
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
The Python Workshop
A New, Interactive Approach to Learning Python
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Carnd Mercedes Sf Utilities
Tools for Sensor Fusion processing.
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
Rl Stock
📈 如何用深度强化学习自动炒股
Stars: ✭ 2,090 (+1293.33%)
Mutual labels:  jupyter-notebook
Deeplab v2
基于v2版本的deeplab,使用VGG16模型,在VOC2012,Pascal-context,NYU-v2等多个数据集上进行训练
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
Book nbs
Notebooks for upcoming fastai book (draft / incomplete)
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Machine Learning
python,机器学习笔记,machine learning,nlp
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
Tfvos
Semi-Supervised Video Object Segmentation (VOS) with Tensorflow. Includes implementation of *MaskRNN: Instance Level Video Object Segmentation (NIPS 2017)* as part of the NIPS Paper Implementation Challenge.
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Machine Learning
🌎 machine learning tutorials (mainly in Python3)
Stars: ✭ 1,924 (+1182.67%)
Mutual labels:  jupyter-notebook
Homework fall2020
Assignments for Berkeley CS 285: Deep Reinforcement Learning (Fall 2020)
Stars: ✭ 149 (-0.67%)
Mutual labels:  jupyter-notebook
Ipyplot
IPyPlot is a small python package offering fast and efficient plotting of images inside Python Notebooks. It's using IPython with HTML for faster, richer and more interactive way of displaying big numbers of images.
Stars: ✭ 152 (+1.33%)
Mutual labels:  jupyter-notebook
Pydata2015
Stars: ✭ 151 (+0.67%)
Mutual labels:  jupyter-notebook
Pytorch Gan
A minimal implementaion (less than 150 lines of code with visualization) of DCGAN/WGAN in PyTorch with jupyter notebooks
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
Deeplearningbook
Repositório do Deep Learning Book - www.deeplearningbook.com.br
Stars: ✭ 150 (+0%)
Mutual labels:  jupyter-notebook
1-60 of 5965 similar projects