All Projects → visions → Similar Projects or Alternatives

1449 Open source projects that are alternatives of or similar to visions

Datscan
DatScan is an initiative to build an open-source CMS that will have the capability to solve any problem using data Analysis just with the help of various modules and a vast standardized module library
Stars: ✭ 13 (-90.44%)
Mutual labels:  numpy, pandas, data-analysis
Udacity-Data-Analyst-Nanodegree
Repository for the projects needed to complete the Data Analyst Nanodegree.
Stars: ✭ 31 (-77.21%)
Mutual labels:  numpy, pandas, data-analysis
Zat
Zeek Analysis Tools (ZAT): Processing and analysis of Zeek network data with Pandas, scikit-learn, Kafka and Spark
Stars: ✭ 303 (+122.79%)
Mutual labels:  spark, pandas, data-analysis
data-analysis-using-python
Data Analysis Using Python: A Beginner’s Guide Featuring NYC Open Data
Stars: ✭ 81 (-40.44%)
Mutual labels:  numpy, pandas, data-analysis
Ai Learn
人工智能学习路线图,整理近200个实战案例与项目,免费提供配套教材,零基础入门,就业实战!包括:Python,数学,机器学习,数据分析,深度学习,计算机视觉,自然语言处理,PyTorch tensorflow machine-learning,deep-learning data-analysis data-mining mathematics data-science artificial-intelligence python tensorflow tensorflow2 caffe keras pytorch algorithm numpy pandas matplotlib seaborn nlp cv等热门领域
Stars: ✭ 4,387 (+3125.74%)
Mutual labels:  numpy, pandas, data-analysis
Data-Analyst-Nanodegree
Kai Sheng Teh - Udacity Data Analyst Nanodegree
Stars: ✭ 42 (-69.12%)
Mutual labels:  numpy, pandas, data-analysis
Seaborn Tutorial
This repository is my attempt to help Data Science aspirants gain necessary Data Visualization skills required to progress in their career. It includes all the types of plot offered by Seaborn, applied on random datasets.
Stars: ✭ 114 (-16.18%)
Mutual labels:  numpy, pandas, data-analysis
Mlcourse.ai
Open Machine Learning Course
Stars: ✭ 7,963 (+5755.15%)
Mutual labels:  numpy, pandas, data-analysis
Pyda 2e Zh
📖 [译] 利用 Python 进行数据分析 · 第 2 版
Stars: ✭ 866 (+536.76%)
Mutual labels:  numpy, pandas, data-analysis
Data Analysis
主要是爬虫与数据分析项目总结,外加建模与机器学习,模型的评估。
Stars: ✭ 142 (+4.41%)
Mutual labels:  numpy, pandas, data-analysis
Data-Science-Resources
A guide to getting started with Data Science and ML.
Stars: ✭ 17 (-87.5%)
Mutual labels:  numpy, pandas, data-analysis
Data Science Notebook
📖 每一个伟大的思想和行动都有一个微不足道的开始
Stars: ✭ 196 (+44.12%)
Mutual labels:  numpy, pandas, data-analysis
100 Pandas Puzzles
100 data puzzles for pandas, ranging from short and simple to super tricky (60% complete)
Stars: ✭ 1,382 (+916.18%)
Mutual labels:  numpy, pandas, data-analysis
Data Science Hacks
Data Science Hacks consists of tips, tricks to help you become a better data scientist. Data science hacks are for all - beginner to advanced. Data science hacks consist of python, jupyter notebook, pandas hacks and so on.
Stars: ✭ 273 (+100.74%)
Mutual labels:  numpy, pandas, data-analysis
Awkward 1.0
Manipulate JSON-like data with NumPy-like idioms.
Stars: ✭ 203 (+49.26%)
Mutual labels:  numpy, pandas, data-analysis
Data Science Ipython Notebooks
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
Stars: ✭ 22,048 (+16111.76%)
Mutual labels:  spark, numpy, pandas
Typology
Swift type checking and semantic analysis for developer tools
Stars: ✭ 68 (-50%)
Mutual labels:  type-system, type-inference
kobe-every-shot-ever
A Los Angeles Times analysis of Every shot in Kobe Bryant's NBA career
Stars: ✭ 66 (-51.47%)
Mutual labels:  pandas, data-analysis
PracticalMachineLearning
A collection of ML related stuff including notebooks, codes and a curated list of various useful resources such as books and softwares. Almost everything mentioned here is free (as speech not free food) or open-source.
Stars: ✭ 60 (-55.88%)
Mutual labels:  pandas, data-analysis
covid-19
Data ETL & Analysis on the global and Mexican datasets of the COVID-19 pandemic.
Stars: ✭ 14 (-89.71%)
Mutual labels:  numpy, pandas
whyqd
data wrangling simplicity, complete audit transparency, and at speed
Stars: ✭ 16 (-88.24%)
Mutual labels:  pandas, data-analysis
tempo
API for manipulating time series on top of Apache Spark: lagged time values, rolling statistics (mean, avg, sum, count, etc), AS OF joins, downsampling, and interpolation
Stars: ✭ 212 (+55.88%)
Mutual labels:  pandas, data-analysis
Dominando-Pandas
Este repositório está destinado ao processo de aprendizagem da biblioteca Pandas.
Stars: ✭ 22 (-83.82%)
Mutual labels:  pandas, data-analysis
Machine-Learning
This repository contains notebooks that will help you in understanding basic ML algorithms as well as basic numpy excercise. 💥 🌈 🌈
Stars: ✭ 15 (-88.97%)
Mutual labels:  numpy, pandas
datascienv
datascienv is package that helps you to setup your environment in single line of code with all dependency and it is also include pyforest that provide single line of import all required ml libraries
Stars: ✭ 53 (-61.03%)
Mutual labels:  numpy, pandas
python-programming-for-data-science
Content from the University of British Columbia's Master of Data Science course DSCI 511.
Stars: ✭ 29 (-78.68%)
Mutual labels:  numpy, pandas
Koalas
Koalas: pandas API on Apache Spark
Stars: ✭ 3,044 (+2138.24%)
Mutual labels:  spark, pandas
Handyspark
HandySpark - bringing pandas-like capabilities to Spark dataframes
Stars: ✭ 158 (+16.18%)
Mutual labels:  spark, pandas
leaflet heatmap
简单的可视化湖州通话数据 假设数据量很大,没法用浏览器直接绘制热力图,把绘制热力图这一步骤放到线下计算分析。使用Apache Spark并行计算数据之后,再使用Apache Spark绘制热力图,然后用leafletjs加载OpenStreetMap图层和热力图图层,以达到良好的交互效果。现在使用Apache Spark实现绘制,可能是Apache Spark不擅长这方面的计算或者是我没有设计好算法,并行计算的速度比不上单机计算。Apache Spark绘制热力图和计算代码在这 https://github.com/yuanzhaokang/ParallelizeHeatmap.git .
Stars: ✭ 13 (-90.44%)
Mutual labels:  spark, data-analysis
Datacompy
Pandas and Spark DataFrame comparison for humans
Stars: ✭ 147 (+8.09%)
Mutual labels:  spark, pandas
sklearn-predict
机器学习数据,预测趋势并画图
Stars: ✭ 16 (-88.24%)
Mutual labels:  numpy, pandas
Data-Wrangling-with-Python
Simplify your ETL processes with these hands-on data sanitation tips, tricks, and best practices
Stars: ✭ 90 (-33.82%)
Mutual labels:  numpy, pandas
Cape Python
Collaborate on privacy-preserving policy for data science projects in Pandas and Apache Spark
Stars: ✭ 125 (-8.09%)
Mutual labels:  spark, pandas
Engezny
Engezny is a python package that quickly generates all possible charts from your dataframe and saves them for you, and engezny is only supporting now uni-parameter visualization using the pie, bar and barh visualizations.
Stars: ✭ 25 (-81.62%)
Mutual labels:  numpy, pandas
Data-Science-101
Notes and tutorials on how to use python, pandas, seaborn, numpy, matplotlib, scipy for data science.
Stars: ✭ 19 (-86.03%)
Mutual labels:  pandas, data-analysis
introduction to ml with python
도서 "[개정판] 파이썬 라이브러리를 활용한 머신 러닝"의 주피터 노트북과 코드입니다.
Stars: ✭ 211 (+55.15%)
Mutual labels:  numpy, pandas
saddle
SADDLE: Scala Data Library
Stars: ✭ 23 (-83.09%)
Mutual labels:  numpy, pandas
CC33Z
Curso de Ciência da Computação
Stars: ✭ 50 (-63.24%)
Mutual labels:  numpy, data-analysis
pandas-workshop
An introductory workshop on pandas with notebooks and exercises for following along.
Stars: ✭ 161 (+18.38%)
Mutual labels:  pandas, data-analysis
hamilton
A scalable general purpose micro-framework for defining dataflows. You can use it to create dataframes, numpy matrices, python objects, ML models, etc.
Stars: ✭ 612 (+350%)
Mutual labels:  numpy, pandas
DataSciPy
Data Science with Python
Stars: ✭ 15 (-88.97%)
Mutual labels:  numpy, pandas
Python Bigdata
Data science and Big Data with Python
Stars: ✭ 112 (-17.65%)
Mutual labels:  spark, numpy
tutorials
Short programming tutorials pertaining to data analysis.
Stars: ✭ 14 (-89.71%)
Mutual labels:  pandas, data-analysis
PandasVersusExcel
Python数据分析入门,数据分析师入门
Stars: ✭ 120 (-11.76%)
Mutual labels:  pandas, data-analysis
ml-workflow-automation
Python Machine Learning (ML) project that demonstrates the archetypal ML workflow within a Jupyter notebook, with automated model deployment as a RESTful service on Kubernetes.
Stars: ✭ 44 (-67.65%)
Mutual labels:  numpy, pandas
online-course-recommendation-system
Built on data from Pluralsight's course API fetched results. Works with model trained with K-means unsupervised clustering algorithm.
Stars: ✭ 31 (-77.21%)
Mutual labels:  pandas, data-analysis
datasets
🤗 The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
Stars: ✭ 13,870 (+10098.53%)
Mutual labels:  numpy, pandas
dataquest-guided-projects-solutions
My dataquest project solutions
Stars: ✭ 35 (-74.26%)
Mutual labels:  pandas, data-analysis
UDACITY-Deep-Learning-Nanodegree-PROJECTS
These are the projects I did on my Udacity Deep Learning Nanodegree 🌟 💻 💻. 💥 🌈
Stars: ✭ 18 (-86.76%)
Mutual labels:  numpy, pandas
datatile
A library for managing, validating, summarizing, and visualizing data.
Stars: ✭ 419 (+208.09%)
Mutual labels:  pandas, data-analysis
Information-Retrieval
Information Retrieval algorithms developed in python. To follow the blog posts, click on the link:
Stars: ✭ 103 (-24.26%)
Mutual labels:  numpy, pandas
valinvest
A value investing tool based on Warren Buffett, Joseph Piotroski and Benjamin Graham thoughts
Stars: ✭ 84 (-38.24%)
Mutual labels:  numpy, pandas
spyndex
Awesome Spectral Indices in Python.
Stars: ✭ 56 (-58.82%)
Mutual labels:  numpy, pandas
DataProfiler
What's in your data? Extract schema, statistics and entities from datasets
Stars: ✭ 843 (+519.85%)
Mutual labels:  pandas, data-analysis
Python-for-data-analysis
No description or website provided.
Stars: ✭ 18 (-86.76%)
Mutual labels:  numpy, pandas
Dimensionality-reduction-and-classification-on-Hyperspectral-Images-Using-Python
In this repository, You can find the files which implement dimensionality reduction on the hyperspectral image(Indian Pines) with classification.
Stars: ✭ 63 (-53.68%)
Mutual labels:  numpy, pandas
vinum
Vinum is a SQL processor for Python, designed for data analysis workflows and in-memory analytics.
Stars: ✭ 57 (-58.09%)
Mutual labels:  numpy, data-analysis
Python-camp
No description or website provided.
Stars: ✭ 34 (-75%)
Mutual labels:  numpy, pandas
Product-Categorization-NLP
Multi-Class Text Classification for products based on their description with Machine Learning algorithms and Neural Networks (MLP, CNN, Distilbert).
Stars: ✭ 30 (-77.94%)
Mutual labels:  pandas, data-analysis
Data-Scientist-In-Python
This repository contains notes and projects of Data scientist track from dataquest course work.
Stars: ✭ 23 (-83.09%)
Mutual labels:  numpy, pandas
1-60 of 1449 similar projects