0% found this document useful (0 votes)
111 views

Python Package Imports

This document lists the names of various books, authors, and courses related to data science, machine learning, Python, SQL, and statistics. It includes titles of books and courses by authors like Chris Albon, Frank Kane, Giuseppe Bonaccorso, Ankit Dixit, and Prateek Joshi. It also lists course names like "Machine Learning Mastery" and "DSE@MARCH19".

Uploaded by

ashishamitav123
Copyright
© © All Rights Reserved
Available Formats
Download as TXT, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
111 views

Python Package Imports

This document lists the names of various books, authors, and courses related to data science, machine learning, Python, SQL, and statistics. It includes titles of books and courses by authors like Chris Albon, Frank Kane, Giuseppe Bonaccorso, Ankit Dixit, and Prateek Joshi. It also lists course names like "Machine Learning Mastery" and "DSE@MARCH19".

Uploaded by

ashishamitav123
Copyright
© © All Rights Reserved
Available Formats
Download as TXT, PDF, TXT or read online on Scribd
You are on page 1/ 3

import matplotlib.

pyplot as plt
import random
from random import randint
import seaborn as sns
%matplotlib inline
import numpy as np
import pandas as pd
from pandas import DataFrame,Series
from pandas import Series, DataFrame
from scipy.stats import f_oneway
from sklearn.linear_model import LinearRegression
from sklearn.preprocessing import StandardScaler
import statsmodels.formula.api as smf
from sklearn.preprocessing import PolynomialFeatures
from sklearn import datasets, linear_model
from sklearn.metrics import mean_squared_error, r2_score
from sklearn.linear_model import Ridge
from sklearn.linear_model import Lasso
from sklearn.linear_model import LogisticRegression
from sklearn.model_selection import train_test_split
import statsmodels.api as sm
from sklearn import metrics
from sklearn import preprocessing
from sklearn import decomposition
from sklearn import model_selection
from sklearn import feature_selection
from sklearn.metrics import accuracy_score, confusion_matrix, roc_curve,
roc_auc_score, classification_report,auc
from sklearn.preprocessing import StandardScaler
from sklearn.decomposition import PCA
from sklearn.feature_selection import RFECV
from sklearn import metrics
from sklearn.model_selection import KFold
from sklearn.naive_bayes import GaussianNB
from sklearn.neighbors import KNeighborsClassifier
from scipy.stats import zscore
from sklearn.tree import DecisionTreeClassifier
from sklearn.model_selection import GridSearchCV
from sklearn.feature_extraction.text import CountVectorizer
from sklearn.metrics import accuracy_score, cohen_kappa_score
from sklearn.ensemble import RandomForestClassifier
from sklearn.datasets import load_iris
from sklearn.tree import DecisionTreeRegressor
from sklearn.ensemble import BaggingRegressor, RandomForestRegressor,
AdaBoostRegressor
from sklearn.preprocessing import StandardScaler, LabelEncoder

data science complete tutorial


for column in inputData.columns:
if inputData[column].dtype==object:
dummyCols=pd.get_dummies(inputData[column])
inputData=inputData.join(dummyCols)
del inputData[column]

Ashish kumar
dangeti
babcock
w w norton statistics
david bock statistics
dean abbott
luca massaron
dipanjan good cases
manohar six steps
phuong
robert johansson
samir madhavan
galea
coelho lasso
guido ridge lasso
prabhanjan tattar
brownley foundations analytics wine dataset
salazar brain dataset
avila
v kishore
prateek joshi
garreta
bonaccorso
gavin hackling-good good good for theory
padmanabham python
laura igual
wei meng lee python
mcarthy predictive
sql for mortals
for professionals seires
frank kane
peters morgan
hackeling
feature engineering made easy
ankit dixit
prateek joshi
alvaro fuentes
machine learning quick reference
jose portilla
applied data science with python
hands on predictive analytics packt
hands on unsupervised learning
getting started with machine learning
building predictive models
ml with scikit quick start guide
nhands on data science for marketing
machine learning solutions
scikit learn cookbook\
python machine learning second edition
advanced predicitive analytics
tableau 10 business intelligence coobook
ryan sleeper zen tableau
kaggle mster datasets churn media company netflix
Bonaccorso
frank kane
embarak
aj henley dave wolf
joel grus
kazil
wes mckinney
jake vanderplas
fabrizio romano
for professinal series
garetta

sarah guido and sebastian rachka for ensemble peters morgan giuseppe bonacc geron
hands on
six steps ankit dixit geron hackeling giuseppe dangeti chris albon Aileen nielsen
for time series
prateek joshi jake vanderplas ashish kumar bonaccorso peters morgan frank kane
geron ml mastery 6 for simple codes gavin john anderson
dipanjan sarkar machine learning

trent hauck scikit cookbook


julian avila jlian avila atul tripathi
learning scikit learn machine learning guillermo garreta
chris albon cookbook find all parameters hyatt saleh ml fundamentals
sinan ozdemir principles of data science

head first python and sql


nitin harden natural language processing akshay kulkarni
dean abbott babcock fontaine

conrad carlberg carberg

applied data science with python good

DSE@MARCH19

basic mathematics for machine learning hiren for stats


statistical methods applied mathematics in data science master
notebooks statistics and machine learning with all titles

machine larning reference master time series


time series in machine learning my stuff
visualizing time series data in python

giuseppe bonaccorso machine learning algorithms

You might also like