awesome-datascience

memo An awesome Data Science repository to learn and apply for real world problems.

GitHub

25k stars
1k watching
6k forks
last commit: 11 days ago
Linked from 11 awesome lists

analyticsawesome-listdata-miningdata-sciencedata-scientistsdata-visualizationdeep-learninghacktoberfestmachine-learningscience

AWESOME DATA SCIENCE / What is Data Science?

What is Data Science @ O'reilly
What is Data Science @ Quora
The sexiest job of 21st century
Wikipedia
How to Become a Data Scientist
a very short history of #datascience
Software Development Resources for Data Scientists
Data Scientist Roadmap

AWESOME DATA SCIENCE / Real World / Disaster

deprem-ml (+25k developers) is trying to help disaster response using artificial intelligence. Everything is open-sourced

AWESOME DATA SCIENCE / Training Resources / Tutorials

1000 Data Science Projects you can run on the browser with IPython
#tidytuesday 6,783 10 days ago A weekly data project aimed at the R ecosystem
Data science your way 595 over 3 years ago
PySpark Cheatsheet 419 over 1 year ago
Machine Learning, Data Science and Deep Learning with Python
How To Label Data
Your Guide to Latent Dirichlet Allocation
Over 1000 Data Science Online Courses at Classpert Online Search Engine
Tutorials of source code from the book Genetic Algorithms with Python by Clinton Sheppard 1,203 almost 2 years ago
Tutorials to get started on signal processing for machine learning 61 about 2 years ago
Realtime deployment Tutorial on Python time-series model deployment
Python for Data Science: A Beginner’s Guide
Minimum Viable Study Plan for Machine Learning Interviews 9,096 about 1 year ago
Understand and Know Machine Learning Engineering by Building Solid Projects
12 free Data Science projects to practice Python and Pandas

AWESOME DATA SCIENCE / Training Resources / Free Courses

Data Scientist with R
Data Scientist with Python
Genetic Algorithms OCW Course
AI Expert Roadmap 29,052 9 months ago Roadmap to becoming an Artificial Intelligence Expert
Convex Optimization Convex Optimization (basics of convex analysis; least-squares, linear and quadratic programs, semidefinite programming, minimax, extremal volume, and other problems; optimality conditions, duality theory...)
Skillcombo - Data Science 1000+ free online Data Science courses
Learning from Data Introduction to machine learning covering basic theory, algorithms and applications
Kaggle Learn about Data Science, Machine Learning, Python etc
ML Observability Fundamentals Learn how to monitor and root-cause production ML issues
Weights & Biases Effective MLOps: Model Development Free Course and Certification for building an end-to-end machine using W&B
Python for Machine Learning Start your journey to machine learning with Python, one of the most powerful programming languages
Python for Data Science by Scaler This course is designed to empower beginners with the essential skills to excel in today's data-driven world. The comprehensive curriculum will give you a solid foundation in statistics, programming, data visualization, and machine learning
MLSys-NYU-2022 345 almost 2 years ago Slides, scripts and materials for the Machine Learning in Finance course at NYU Tandon, 2022
Hands-on Train and Deploy ML 734 4 months ago A hands-on course to train and deploy a serverless API that predicts crypto prices
LLMOps: Building Real-World Applications With Large Language Models Learn to build modern software with LLMs using the newest tools and techniques in the field
Prompt Engineering for Vision Models Learn to prompt cutting-edge computer vision models with natural language, coordinate points, bounding boxes, segmentation masks, and even other images in this free course from DeepLearning.AI

AWESOME DATA SCIENCE / Training Resources / MOOC's

Coursera Introduction to Data Science
Data Science - 9 Steps Courses, A Specialization on Coursera
Data Mining - 5 Steps Courses, A Specialization on Coursera
Machine Learning – 5 Steps Courses, A Specialization on Coursera
CS 109 Data Science
OpenIntro
CS 171 Visualization
Process Mining: Data science in Action
Oxford Deep Learning
Oxford Deep Learning - video
Oxford Machine Learning
UBC Machine Learning - video
Data Science Specialization 4,051 over 3 years ago
Coursera Big Data Specialization
Statistical Thinking for Data Science and Analytics by Edx
Cognitive Class AI by IBM
Udacity - Deep Learning
Keras in Motion
Microsoft Professional Program for Data Science
COMP3222/COMP6246 - Machine Learning Technologies
CS 231 - Convolutional Neural Networks for Visual Recognition
Coursera Tensorflow in practice
Coursera Deep Learning Specialization
365 Data Science Course
Coursera Natural Language Processing Specialization
Coursera GAN Specialization
Codecademy's Data Science
Linear Algebra Linear Algebra course by Gilbert Strang
A 2020 Vision of Linear Algebra (G. Strang)
Python for Data Science Foundation Course
Data Science: Statistics & Machine Learning
Machine Learning Engineering for Production (MLOps)
Recommender Systems Specialization from University of Minnesota is an intermediate/advanced level specialization focused on Recommender System on the Coursera platform
Stanford Artificial Intelligence Professional Program
Data Scientist with Python
Programming with Julia
Scaler Data Science & Machine Learning Program

AWESOME DATA SCIENCE / Training Resources / Intensive Programs

S2DS

AWESOME DATA SCIENCE / Training Resources / Colleges

A list of colleges and universities offering degrees in data science. 153 over 3 years ago
Data Science Degree @ Berkeley
Data Science Degree @ UVA
Data Science Degree @ Wisconsin
BS in Data Science & Applications
MS in Computer Information Systems @ Boston University
MS in Business Analytics @ ASU Online
MS in Applied Data Science @ Syracuse
M.S. Management & Data Science @ Leuphana
Master of Data Science @ Melbourne University
Msc in Data Science @ The University of Edinburgh
Master of Management Analytics @ Queen's University
Master of Data Science @ Illinois Institute of Technology
Master of Applied Data Science @ The University of Michigan
Master Data Science and Artificial Intelligence @ Eindhoven University of Technology
Master's Degree in Data Science and Computer Engineering @ University of Granada

AWESOME DATA SCIENCE / The Data Science Toolbox / Comparison

datacompy 473 6 days ago DataComPy is a package to compare two Pandas DataFrames
Regression
Linear Regression
Ordinary Least Squares
Logistic Regression
Stepwise Regression
Multivariate Adaptive Regression Splines
Softmax Regression
Locally Estimated Scatterplot Smoothing

AWESOME DATA SCIENCE / The Data Science Toolbox / Comparison / Classification

k-nearest neighbor
Support Vector Machines
Decision Trees
ID3 algorithm
C4.5 algorithm

AWESOME DATA SCIENCE / The Data Science Toolbox / Comparison

Ensemble Learning

AWESOME DATA SCIENCE / The Data Science Toolbox / Comparison / Ensemble Learning

Boosting
Stacking
Bagging
Random Forest
AdaBoost

AWESOME DATA SCIENCE / The Data Science Toolbox / Comparison

Clustering

AWESOME DATA SCIENCE / The Data Science Toolbox / Comparison / Clustering

Hierchical clustering
k-means
Density-based clustering
Fuzzy clustering
Mixture models

AWESOME DATA SCIENCE / The Data Science Toolbox / Comparison

Dimension Reduction

AWESOME DATA SCIENCE / The Data Science Toolbox / Comparison / Dimension Reduction

Principal Component Analysis (PCA)
t-SNE; t-distributed Stochastic Neighbor Embedding
Factor Analysis
Latent Dirichlet Allocation (LDA)

AWESOME DATA SCIENCE / The Data Science Toolbox / Comparison

Neural Networks
Self-organizing map
Adaptive resonance theory
Hidden Markov Models (HMM)
Clustering
Generative models
Low-density separation
Laplacian regularization
Heuristic approaches
Q Learning
SARSA (State-Action-Reward-State-Action) algorithm
Temporal difference learning
C4.5
k-Means
SVM (Support Vector Machine)
Apriori
EM (Expectation-Maximization)
PageRank
AdaBoost
KNN (K-Nearest Neighbors)
Naive Bayes
CART (Classification and Regression Trees)
Multilayer Perceptron
Convolutional Neural Network (CNN)
Recurrent Neural Network (RNN)
Boltzmann Machines
Autoencoder
Generative Adversarial Network (GAN)
Self-Organized Maps
Transformer
Conditional Random Field (CRF)
ML System Designs)

AWESOME DATA SCIENCE / The Data Science Toolbox / General Machine Learning Packages

scikit-learn
scikit-multilearn 919 8 months ago
sklearn-expertsys 488 about 7 years ago
scikit-feature 1,504 3 months ago
scikit-rebate 408 over 1 year ago
seqlearn 686 over 1 year ago
sklearn-bayes 513 about 3 years ago
sklearn-crfsuite 426 about 1 year ago
sklearn-deap 771 8 months ago
sigopt_sklearn 75 about 1 year ago
sklearn-evaluation 3 over 1 year ago
scikit-image 6,056 4 days ago
scikit-opt 5,211 3 months ago
scikit-posthocs 339 16 days ago
pystruct 665 about 3 years ago
Shogun
xLearn 3,085 about 1 year ago
cuML 4,175 4 days ago
causalml 5,005 4 days ago
mlpack 5,044 5 days ago
MLxtend 4,868 3 months ago
modAL 2,198 7 months ago
Sparkit-learn 1,153 almost 4 years ago
hyperlearn 1,786 3 months ago
dlib 13,457 5 days ago
imodels 1,373 14 days ago
RuleFit 410 12 months ago
pyGAM 869 4 months ago
Deepchecks 3,578 10 days ago
scikit-survival
interpretable

AWESOME DATA SCIENCE / The Data Science Toolbox / Deep Learning Packages

PyTorch 82,603 4 days ago
torchvision 16,050 4 days ago
torchtext 3,501 4 days ago
torchaudio 2,493 4 days ago
ignite 4,509 4 days ago
PyTorchNet 1,658 10 days ago
PyToune 570 3 months ago
skorch 5,830 15 days ago
PyVarInf 358 almost 5 years ago
pytorch_geometric 21,076 3 days ago
GPyTorch 3,535 15 days ago
pyro 8,507 7 days ago
Catalyst 3,279 7 months ago
pytorch_tabular 1,336 4 days ago
Yolov3 10,172 4 days ago
Yolov5 49,985 4 days ago
Yolov8 29,184 4 days ago
TensorFlow 185,782 5 days ago
TensorLayer 7,327 over 1 year ago
TFLearn 9,618 5 months ago
Sonnet 9,758 4 days ago
tensorpack 6,296 about 1 year ago
TRFL 3,135 almost 2 years ago
Polyaxon 3,555 7 days ago
NeuPy 742 almost 2 years ago
tfdeploy 352 7 months ago
tensorflow-upstream 684 4 days ago
TensorFlow Fold 1,826 over 3 years ago
tensorlm 61 over 2 years ago
TensorLight 11 almost 2 years ago
Mesh TensorFlow 1,583 11 months ago
Ludwig 11,111 10 days ago
TF-Agents 2,780 5 days ago
TensorForce 3,297 2 months ago
Keras
keras-contrib 1,582 almost 2 years ago
Hyperas 2,176 almost 2 years ago
Elephas 1,574 over 1 year ago
Hera 487 over 7 years ago
Spektral 2,365 9 months ago
qkeras 532 12 days ago
keras-rl 5,517 about 1 year ago
Talos 1,619 6 months ago
altair
addepar
amcharts
anychart
bokeh
Comet
slemma
cartodb
Cube
d3plus
Data-Driven Documents(D3js)
dygraphs
ECharts
exhibit
gephi
ggplot2
Glue
Google Chart Gallery
highcarts
import.io
jqplot
Matplotlib
nvd3
Netron 27,736 4 days ago
Openrefine
plot.ly
raw
Resseract Lite 4 about 1 month ago
Seaborn
techanjs
Timeline
variancecharts
vida
vizzu 1,903 4 days ago
Wrangler
r2d3
NetworkX
Redash
C3
TensorWatch 3,412 about 1 year ago
geomap

AWESOME DATA SCIENCE / The Data Science Toolbox / Miscellaneous Tools

The Data Science Lifecycle Process 474 over 3 years ago
Data Science Lifecycle Template Repo 176 over 4 years ago
RexMex 275 about 1 year ago
ChemicalX 708 about 1 year ago
PyTorch Geometric Temporal 2,628 4 months ago
Little Ball of Fur 701 8 months ago
Karate Club 2,142 3 months ago
ML Workspace 3,405 2 months ago
Neptune.ai
steppy 134 almost 6 years ago
steppy-toolkit 22 almost 6 years ago
Datalab from Google
Hortonworks Sandbox
R
Tidyverse
RStudio
Python - Pandas - Anaconda
Pandas GUI 3,177 10 months ago
Scikit-Learn
NumPy
Vaex
SciPy
Data Science Toolbox
Data Science Toolbox
Wolfram Data Science Platform
Datadog
Variance
Kite Development Kit
Domino Data Labs
Apache Flink
Apache Hama
Weka
Octave
Apache Spark
Hydrosphere Mist 326 almost 4 years ago
Data Mechanics
Caffe
Torch
Nervana's python based Deep Learning Framework 3,871 almost 4 years ago
Skale 399 over 3 years ago
Aerosolve
Intel framework 312 over 8 years ago
Datawrapper
github.com 1,355 13 days ago An open source data visualization platform helping everyone to create simple, correct and embeddable charts. Also at
Tensor Flow
Natural Language Toolkit
Annotation Lab
nlp-toolkit for node.js
Julia
IJulia 2,787 3 months ago
Apache Zeppelin
Featuretools 7,223 15 days ago
Optimus 1,474 19 days ago
Albumentations 14,091 4 days ago
DVC 13,667 5 days ago
Lambdo 23 almost 4 years ago
Feast 5,514 5 days ago
Polyaxon 3,555 7 days ago
LightTag
UBIAI
Trains 5,603 6 days ago
Hopsworks 1,139 23 days ago
MindsDB 26,362 3 days ago
Lightwood 441 about 1 month ago
AWS Data Wrangler 3,902 3 days ago
Amazon Rekognition
Amazon Textract
Amazon Lookout for Vision
Amazon CodeGuru
CML 4,006 10 days ago
Dask
Statsmodels
Gensim
spaCy
Grid Studio 8,878 11 months ago
Python Data Science Handbook 42,865 3 months ago
Shapley 218 over 1 year ago
DAGsHub
Deepnote
Valohai
PyMC3
PyStan
hmmlearn
Chaos Genius 728 23 days ago
Nimblebox
Towhee 3,172 9 months ago
LineaPy 662 5 months ago
envd 1,954 12 days ago
Explore Data Science Libraries
MLEM 716 about 1 year ago
MLflow
cleanlab 9,428 29 days ago
AutoGluon 7,768 1 day ago
Arize AI
Aureo.io
ERD Lab
Arize-Phoenix
Comet 148 25 days ago
Opik 1,480 4 days ago
Synthical
teeplot 11 7 months ago

AWESOME DATA SCIENCE / Literature and Media / Books

Data Science From Scratch: First Principles with Python
Artificial Intelligence with Python - Tutorialspoint
Machine Learning from Scratch
Probabilistic Machine Learning: An Introduction
A Comprehensive Guide to Machine Learning
How to Lead in Data Science Early Access
Fighting Churn With Data
Data Science at Scale with Python and Dask
Python Data Science Handbook
The Data Science Handbook: Advice and Insights from 25 Amazing Data Scientists
Think Like a Data Scientist
Introducing Data Science
Practical Data Science with R
Everyday Data Science &
Exploring Data Science free eBook sampler
Exploring the Data Jungle free eBook sampler
Classic Computer Science Problems in Python
Math for Programmers Early access
R in Action, Third Edition Early Access
Data Science Bookcamp Early access
Data Science Thinking: The Next Scientific, Technological and Economic Revolution
Applied Data Science: Lessons Learned for the Data-Driven Business
The Data Science Handbook
Essential Natural Language Processing Early access
Mining Massive Datasets free e-book comprehended by an online course
Pandas in Action Early access
Genetic Algorithms and Genetic Programming
Advances in Evolutionary Algorithms Free Download
Genetic Programming: New Approaches and Successful Applications Free Download
Evolutionary Algorithms Free Download
Advances in Genetic Programming, Vol. 3 Free Download
Global Optimization Algorithms: Theory and Application Free Download
Genetic Algorithms and Evolutionary Computation Free Download
Convex Optimization Convex Optimization book by Stephen Boyd - Free Download
Data Analysis with Python and PySpark Early Access
R for Data Science
Build a Career in Data Science
Machine Learning Bookcamp Early access
Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow, 2nd Edition
Effective Data Science Infrastructure
Practical MLOps: How to Get Ready for Production Models
Data Analysis with Python and PySpark
Regression, a Friendly guide Early Access
Streaming Systems: The What, Where, When, and How of Large-Scale Data Processing
Data Science at the Command Line: Facing the Future with Time-Tested Tools
Machine Learning - CIn UFPE
Machine Learning with Python - Tutorialspoint
Deep Learning
Designing Cloud Data Platforms Early Access
An Introduction to Statistical Learning with Applications in R
The Elements of Statistical Learning: Data Mining, Inference, and Prediction
Deep Learning with PyTorch
Neural Networks and Deep Learning
Deep Learning Cookbook
Introduction to Machine Learning with Python
Artificial Intelligence: Foundations of Computational Agents, 2nd Edition Free HTML version
The Quest for Artificial Intelligence: A History of Ideas and Achievements Free Download
Graph Algorithms for Data Science Early Access
Data Mesh in Action Early Access
Julia for Data Analysis Early Access
Casual Inference for Data Science Early Access
Regular Expression Puzzles and AI Coding Assistants by David Mertz
Dive into Deep Learning
Data for All
Interpretable Machine Learning: A Guide for Making Black Box Models Explainable Free GitHub version
Foundations of Data Science Free Download
Comet for DataScience: Enhance your ability to manage and optimize the life cycle of your data science project
Software Engineering for Data Scientists Early Access
Julia for Data Science Early Access
An Introduction to Statistical Learning Download Page
Machine Learning For Absolute Beginners
Unifying Business, Data, and Code: Designing Data Products with JSON Schema

AWESOME DATA SCIENCE / Literature and Media / Journals, Publications and Magazines

ICML International Conference on Machine Learning
GECCO The Genetic and Evolutionary Computation Conference (GECCO)
epjdatascience
Journal of Data Science an international journal devoted to applications of statistical methods at large
Big Data Research
Journal of Big Data
Big Data & Society
Data Science Journal
datatau.com/news Like Hacker News, but for data
Data Science Trello Board
Medium Data Science Topic Data Science related publications on medium
Towards Data Science Genetic Algorithm Topic -Genetic Algorithm related Publications towards Data Science
all AI news The AI/ML/Big Data news aggregator platform

AWESOME DATA SCIENCE / Literature and Media / Newsletters

AI Digest . A weekly newsletter to keep up to date with AI, machine learning, and data science.
DataTalks.Club . A weekly newsletter about data-related things.
The Analytics Engineering Roundup . A newsletter about data science.

AWESOME DATA SCIENCE / Literature and Media / Bloggers

Wes McKinney Wes McKinney Archives
Matthew Russell Mining The Social Web
Greg Reda Greg Reda Personal Blog
Kevin Davenport Kevin Davenport Personal Blog
Julia Evans Recurse Center alumna
Hakan Kardas Personal Web Page
Sean J. Taylor Personal Web Page
Drew Conway Personal Web Page
Hilary Mason Personal Web Page
Noah Iliinsky Personal Blog
Matt Harrison Personal Blog
Vamshi Ambati AllThings Data Sciene
Prash Chan Tech Blog on Master Data Management And Every Buzz Surrounding It
Clare Corthell The Open Source Data Science Masters
Paul Miller Based in the UK and working globally, Cloud of Data's consultancy services help clients understand the implications of taking data and more to the Cloud
Data Science London Data Science London is a non-profit organization dedicated to the free, open, dissemination of data science. We are the largest data science community in Europe. We are more than 3,190 data scientists and data geeks in our community
Datawrangling by Peter Skomoroch. MACHINE LEARNING, DATA MINING, AND MORE
Quora Data Science Data Science Questions and Answers from experts
Siah a PhD student at Berkeley
Louis Dorard a technology guy with a penchant for the web and for data, big and small
Machine Learning Mastery about helping professional programmers confidently apply machine learning algorithms to address complex problems
Daniel Forsyth Personal Blog
Data Science Weekly Weekly News Blog
Revolution Analytics Data Science Blog
R Bloggers R Bloggers
The Practical Quant Big data
Yet Another Data Blog Yet Another Data Blog
Spenczar a data scientist at . I handle the whole data pipeline, from tracking to model-building to reporting
KD Nuggets Data Mining, Analytics, Big Data, Data, Science not a blog a portal
Meta Brown Personal Blog
Data Scientist is building the data scientist culture
WhatSTheBigData is some of, all of, or much more than the above and this blog explores its impact on information technology, the business world, government agencies, and our lives
Tevfik Kosar Magnus Notitia
New Data Scientist How a Social Scientist Jumps into the World of Big Data
Harvard Data Science Thoughts on Statistical Computing and Visualization
Data Science 101 Learning To Be A Data Scientist
Kaggle Past Solutions
DataScientistJourney
NYC Taxi Visualization Blog
Learning Lover
Dataists
Data-Mania
Data-Magnum
P-value Musings on data science, machine learning, and stats
datascopeanalytics
Digital transformation
datascientistjourney
Data Mania Blog - Chris Said's science blog
Emilio Ferrara's web page
DataNews
Reddit TextMining
Periscopic
Hilary Parker
Data Stories
Data Science Lab
Meaning of
Adventures in Data Land
DATA MINERS BLOG
Dataclysm
FlowingData Visualization and Statistics
Calculated Risk
O'reilly Learning Blog
Dominodatalab
i am trask A Machine Learning Craftsmanship Blog
Vademecum of Practical Data Science Handbook and recipes for data-driven solutions of real-world problems
Dataconomy A blog on the newly emerging data economy
Springboard A blog with resources for data science learners
Analytics Vidhya A full-fledged website about data science and analytics study material
Occam's Razor Focused on Web Analytics
Data School Data science tutorials for beginners!
Colah's Blog Blog for understanding Neural Networks!
Sebastian's Blog Blog for NLP and transfer learning!
Distill Dedicated to clear explanations of machine learning!
Chris Albon's Website Data Science and AI notes
Andrew Carr Data Science with Esoteric programming languages
floydhub Blog for Evolutionary Algorithms
Jingles Review and extract key concepts from academic papers
nbshare Data Science notebooks
Deep and Shallow All things Deep and Shallow in Data Science
Loic Tetrel Data science blog
Chip Huyen's Blog ML Engineering, MLOps, and the use of ML in startups
Maria Khalusova Data science blog
Aditi Rastogi ML,DL,Data Science blog
Santiago Basulto Data Science with Python
Akhil Soni ML, DL and Data Science
Akhil Soni ML, DL and Data Science

AWESOME DATA SCIENCE / Literature and Media / Presentations

How to Become a Data Scientist
Introduction to Data Science
Intro to Data Science for Enterprise Big Data
How to Interview a Data Scientist
How to Share Data with a Statistician 6,527 about 2 months ago
The Science of a Great Career in Data Science
What Does a Data Scientist Do?
Building Data Start-Ups: Fast, Big, and Focused
How to win data science competitions with Deep Learning
Full-Stack Data Scientist

AWESOME DATA SCIENCE / Literature and Media / Podcasts

AI at Home
AI Today
Adversarial Learning
Becoming a Data Scientist
Chai time Data Science
Data Crunch
Data Engineering Podcast
Data Science at Home
Data Science Mixer
Data Skeptic
Data Stories
Datacast
DataFramed
DataTalks.Club
Gradient Dissent
Learning Machines 101
Let's Data (Brazil)
Linear Digressions
Not So Standard Deviations
O'Reilly Data Show Podcast
Partially Derivative
Superdatascience
The Data Engineering Show
The Radical AI Podcast
The Robot Brains Podcast
What's The Point
How AI Built This

AWESOME DATA SCIENCE / Literature and Media / YouTube Videos & Channels

What is machine learning?
Andrew Ng: Deep Learning, Self-Taught Learning and Unsupervised Feature Learning
Data36 - Data Science for Beginners by Tomi Mester
Deep Learning: Intelligence from Big Data
Interview with Google's AI and Deep Learning 'Godfather' Geoffrey Hinton
Introduction to Deep Learning with Python
What is machine learning, and how does it work?
Data School Data Science Education
Neural Nets for Newbies by Melanie Warrick (May 2015)
Neural Networks video series by Hugo Larochelle
Google DeepMind co-founder Shane Legg - Machine Super Intelligence
Data Science Primer
Data Science with Genetic Algorithms
Data Science for Beginners
DataTalks.Club
Mildlyoverfitted - Tutorials on intermediate ML/DL topics
mlops.community - Interviews of industry experts about production ML
ML Street Talk - Unabashedly technical and non-commercial, so you will hear no annoying pitches.
Neural networks by 3Blue1Brown
Neural networks from scratch by Sentdex
Manning Publications YouTube channel
Ask Dr Chong: How to Lead in Data Science - Part 1
Ask Dr Chong: How to Lead in Data Science - Part 2
Ask Dr Chong: How to Lead in Data Science - Part 3
Ask Dr Chong: How to Lead in Data Science - Part 4
Ask Dr Chong: How to Lead in Data Science - Part 5
Ask Dr Chong: How to Lead in Data Science - Part 6
Regression Models: Applying simple Poisson regression
Deep Learning Architectures
Time Series Modelling and Analysis

AWESOME DATA SCIENCE / Socialize / Facebook Accounts

Data
Big Data Scientist
Data Science Day
Data Science Academy
Facebook Data Science Page
Data Science London
Data Science Technology and Corporation
Data Science - Closed Group
Center for Data Science
Big data hadoop NOSQL Hive Hbase
Analytics, Data Mining, Predictive Modeling, Artificial Intelligence
Big Data Analytics using R
Big Data Analytics with R and Hadoop
Big Data Learnings
Big Data, Data Science, Data Mining & Statistics
BigData/Hadoop Expert
Data Mining / Machine Learning / AI
Data Mining/Big Data - Social Network Ana
Vademecum of Practical Data Science
Veri Bilimi Istanbul
The Data Science Blog

AWESOME DATA SCIENCE / Socialize / Twitter Accounts

Big Data Combine
Big Data Science
Chris Said
Clare Corthell
DADI Charles-Abner
Data Science Central
Data Science London
Data Science Renee
Data Science Report
Data Science Tips
Data Vizzard
DataScienceX
DJ Patil
Domino Data Lab
Drew Conway
Erin Bartolo
Greg Reda
Gregory Piatetsky
Hadley Wickham
Hakan Kardas
Hilary Mason
Jeff Hammerbacher
John Myles White
Juan Miguel Lavista
Julia Evans
Kenneth Cukier
http://www.big-data-book.com/ The Economist's Data Editor and co-author of Big Data ( )
https://www.meetup.com/San-Diego-Data-Science-R-Users-Group/ Organizer of
Kevin Markham
Data School Data science instructor, and founder of
Kim Rees
Kirk Borne
Luis Rei
Matt Harrison
Matthew Russell
Mert Nuhoğlu
Monica Rogati
Noah Iliinsky
https://www.oreilly.com/pub/au/4419 Visualization & interaction designer. Practical cyclist. Author of vis books:
Paul Miller
Peter Skomoroch
Prash Chan
Quora Data Science
R-Bloggers
Rand Hindi
Randy Olson
Recep Erol
Ryan Orban
Sean J. Taylor
Silvia K. Spiva
Harsh B. Gupta
Spencer Nelson
Talha Oz
Tasos Skarlatidis
Terry Timko
Tony Baer
Tony Ojeda
Vamshi Ambati
https://allthingsds.wordpress.com Data Science @ PayPal. #NLP, #machinelearning; PhD, Carnegie Mellon alumni (Blog: )
Wes McKinney
WileyEd
WNYC Data News Team
Alexey Grigorev
İlker Arslan
INEVITABLE

AWESOME DATA SCIENCE / Socialize / Telegram Channels

Open Data Science – First Telegram Data Science channel. Covering all technical and popular staff about anything related to Data Science: AI, Big Data, Machine Learning, Statistics, general Math and the applications of former
Loss function porn — Beautiful posts on DS/ML theme with video or graphic visualization
Machinelearning – Daily ML news

AWESOME DATA SCIENCE / Socialize / Slack Communities

DataTalks.Club
Women Who Code - Data Science

AWESOME DATA SCIENCE / Socialize / GitHub Groups

Berkeley Institute for Data Science

AWESOME DATA SCIENCE / Socialize / Data Science Competitions

Kaggle
DrivenData
Analytics Vidhya
InnoCentive
Microprediction

AWESOME DATA SCIENCE / Fun / Infographics

Key differences of a data scientist vs. data engineer
DataCamp A visual guide to Becoming a Data Scientist in 8 Steps by
img Mindmap on required skills ( )
Curriculum via Metro map Swami Chandrasekaran made a
@kzawadz by via
Data Science Central By
this article Different Data Science Skills and Roles from by Springboard
how to avoid mistakes with data A simple and friendly way of teaching your non-data scientist/non-statistician colleagues . From Geckoboard's

AWESOME DATA SCIENCE / Fun / Datasets

Academic Torrents
ADS-B Exchange Specific datasets for aircraft and Automatic Dependent Surveillance-Broadcast (ADS-B) sources
hadoopilluminated.com
data.gov The home of the U.S. Government's open data
United States Census Bureau
usgovxml.com
enigma.com Navigate the world of public data - Quickly search and analyze billions of public records published by governments, companies and organizations
datahub.io
aws.amazon.com/datasets
datacite.org
The official portal for European data
NASDAQ:DATA Nasdaq Data Link A premier source for financial, economic and alternative datasets
figshare.com
GeoLite Legacy Downloadable Databases
Quora's Big Datasets Answer
Public Big Data Sets
Kaggle Datasets
A Deep Catalog of Human Genetic Variation
A community-curated database of well-known people, places, and things
Google Public Data
World Bank Data
NYC Taxi data
Open Data Philly Connecting people with data for Philadelphia
grouplens.org Sample movie (with ratings), book and wiki datasets
UC Irvine Machine Learning Repository contains data sets good for machine learning
research-quality data sets by
National Centers for Environmental Information
ClimateData.us (related: )
r/datasets
MapLight provides a variety of data free of charge for uses that are freely available to the general public. Click on a data set below to learn more
GHDx Institute for Health Metrics and Evaluation - a catalog of health and demographic datasets from around the world and including IHME results
St. Louis Federal Reserve Economic Data - FRED
New Zealand Institute of Economic Research – Data1850
Open Data Sources 503 over 6 years ago
UNICEF Data
undata
NASA SocioEconomic Data and Applications Center - SEDAC
The GDELT Project
Sweden, Statistics
StackExchange Data Explorer an open source tool for running arbitrary queries against public data from the Stack Exchange network
SocialGrep a collection of open Reddit datasets
San Fransisco Government Open Data
IBM Asset Dataset
Open data Index
Public Git Archive 322 almost 5 years ago
GHTorrent
Microsoft Research Open Data
Open Government Data Platform India
Google Dataset Search (beta)
NAYN.CO Turkish News with categories 3 almost 5 years ago
Covid-19 1,160 over 2 years ago
Covid-19 Google 115 about 3 years ago
Enron Email Dataset
5000 Images of Clothes 102 over 3 years ago
IBB Open Portal
The Humanitarian Data Exchange

AWESOME DATA SCIENCE / Fun / Comics

Comic compilation
Cartoons

AWESOME DATA SCIENCE / Other Awesome Lists

awesome-awesomeness 31,706 4 months ago Other amazingly awesome lists can be found in the
Awesome Machine Learning 65,584 about 2 months ago
lists 9,927 5 days ago
awesome-dataviz 3,755 8 months ago
awesome-python 220,437 about 2 months ago
Data Science IPython Notebooks. 27,235 7 months ago
awesome-r 5,982 4 months ago
awesome-datasets 60,356 29 days ago
awesome-Machine Learning & Deep Learning Tutorials 15,425 4 months ago
Awesome Data Science Ideas 664 9 months ago
Machine Learning for Software Engineers 28,081 4 months ago
Community Curated Data Science Resources
Awesome Machine Learning On Source Code 6,237 almost 4 years ago
Awesome Community Detection 2,322 7 months ago
Awesome Graph Classification 4,741 over 1 year ago
Awesome Decision Tree Papers 2,369 7 months ago
Awesome Fraud Detection Papers 1,605 7 months ago
Awesome Gradient Boosting Papers 997 7 months ago
Awesome Computer Vision Models 509 over 3 years ago
Awesome Monte Carlo Tree Search 632 7 months ago
Glossary of common statistics and ML terms
100 NLP Papers 3,733 about 3 years ago
Awesome Game Datasets 713 10 months ago
Data Science Interviews Questions 8,805 30 days ago
Awesome Explainable Graph Reasoning 1,945 over 2 years ago
Top Data Science Interview Questions
Awesome Drug Synergy, Interaction and Polypharmacy Prediction 87 about 2 years ago
Deep Learning Interview Questions
Top Future Trends in Data Science in 2023
How Generative AI Is Changing Creative Work
What is generative AI?

AWESOME DATA SCIENCE / Other Awesome Lists / Hobby

Awesome Music Production 1,004 3 months ago

Backlinks from these awesome lists: