Bigdata
close
프로필 배경
프로필 로고

Bigdata

  • 분류 전체보기 (299)
    • BS (0)
      • review (0)
      • study (0)
      • submission (0)
    • Computer Science (20)
      • Data Structure (0)
      • Algorithm (19)
      • OS (0)
      • ML, DL (0)
      • AI (0)
      • NLP (0)
      • Linear Algebra (0)
    • Statistics (33)
      • BSA (33)
      • ANOVA (0)
      • MSA (0)
      • Regression Analysis (0)
    • SQL (95)
    • Tableau (0)
    • Java (1)
    • DA (26)
    • TIL (0)
    • SAS (0)
    • Python (9)
    • DACON (8)
      • Project (0)
    • ST (2)
      • Deep Learning project (22-1.. (0)
      • Kaggle project (22-1) (0)
      • DACON_BASIC (22-1) (0)
      • Data (0)
      • Data Mining (0)
      • Kaggle project (21-2) (1)
      • Deep Learning (1)
    • C (103)
    • Etc (1)
  • 홈
  • 태그
  • 방명록

230529 / BSA13. SVM Classification

BSA08_SVM-Classification.ipynb 패키지 호출 import pandas as pd import numpy as np import matplotlib.pyplot as plt from IPython.display import Image %matplotlib inline import sklearn from sklearn import datasets from sklearn.model_selection import train_test_split from sklearn.preprocessing import StandardScaler from sklearn.svm import SVC from sklearn.metrics import accuracy_score # !pip install mlxt..

  • format_list_bulleted Statistics/BSA
  • · 2023. 5. 29.
  • textsms

230529 / BSA13. k-means clustering

BSA08_Kmean-Cluster.ipynb 패키지 호출 import numpy as np import pandas as pd from sklearn.preprocessing import scale from sklearn.datasets import load_iris from sklearn.cluster import KMeans from sklearn.metrics import silhouette_samples, silhouette_score from sklearn.mixture import GaussianMixture 데이터 불러오기 iris = load_iris() iris_df = pd.DataFrame(data=iris.data, columns=["sepal_length","sepal_width..

  • format_list_bulleted Statistics/BSA
  • · 2023. 5. 29.
  • textsms

230524 / BSA12. 트리 앙상블 (Tree Ensemble)

BSA08_Tree_Ensemble.ipynb 패키지 호출 import numpy as np import pandas as pd import seaborn as sns import matplotlib.pyplot as plt import statsmodels.formula.api as smf from statsmodels.graphics.mosaicplot import mosaic from sklearn.model_selection import train_test_split from sklearn import tree from sklearn.tree import export_graphviz from sklearn.metrics import roc_auc_score from sklearn.metrics i..

  • format_list_bulleted Statistics/BSA
  • · 2023. 5. 29.
  • textsms

230524 / BSA12. 분류 나무 (Classification Tree)

BSA08_Sklearn-ClassificationTree.ipynb 패키지 호출 from sklearn.datasets import load_iris from sklearn import tree # !pip install pydotplus import pydotplus from IPython.display import Image ## !pip install graphviz import pandas as pd import numpy as np import matplotlib as mpl import matplotlib.pyplot as plt import graphviz #from sklearn.tree import DecisionTreeRegressor, DecisionTreeClassifier, ex..

  • format_list_bulleted Statistics/BSA
  • · 2023. 5. 29.
  • textsms

230522 / BSA12. pyspark에서 Logistic Regression

BSA08_Pyspark-Logistic.ipynb 패키지 호출 및 스파크 세션 시작 from pyspark.sql import SparkSession from pyspark.sql.types import StringType from pyspark.ml.feature import StringIndexer, OneHotEncoder from pyspark.ml.feature import VectorAssembler from pyspark.ml.classification import LogisticRegression from pyspark.ml.evaluation import BinaryClassificationEvaluator spark = SparkSession.builder.appName("churn"..

  • format_list_bulleted Statistics/BSA
  • · 2023. 5. 24.
  • textsms

230517 / BSA11. pyspark에서 통계 모델링

BSA08_Pyspark-Regress-Whitewine.ipynb 패키지 호출 및 스파크 세션 시작 from pyspark.sql import SparkSession from pyspark.ml.feature import VectorAssembler from pyspark.ml.regression import LinearRegression spark = SparkSession.builder.appName("wine").getOrCreate() 데이터 불러오기 white = spark.read.csv("white.csv",inferSchema=True,header=True) white.show() 설명변수, 반응변수 분리 설명변수 = list(white.columns) 설명변수 = 설명변수[0:-1] 변..

  • format_list_bulleted Statistics/BSA
  • · 2023. 5. 20.
  • textsms
  • navigate_before
  • 1
  • 2
  • 3
  • 4
  • ···
  • 6
  • navigate_next
공지사항
전체 카테고리
  • 분류 전체보기 (299)
    • BS (0)
      • review (0)
      • study (0)
      • submission (0)
    • Computer Science (20)
      • Data Structure (0)
      • Algorithm (19)
      • OS (0)
      • ML, DL (0)
      • AI (0)
      • NLP (0)
      • Linear Algebra (0)
    • Statistics (33)
      • BSA (33)
      • ANOVA (0)
      • MSA (0)
      • Regression Analysis (0)
    • SQL (95)
    • Tableau (0)
    • Java (1)
    • DA (26)
    • TIL (0)
    • SAS (0)
    • Python (9)
    • DACON (8)
      • Project (0)
    • ST (2)
      • Deep Learning project (22-1.. (0)
      • Kaggle project (22-1) (0)
      • DACON_BASIC (22-1) (0)
      • Data (0)
      • Data Mining (0)
      • Kaggle project (21-2) (1)
      • Deep Learning (1)
    • C (103)
    • Etc (1)
최근 글
인기 글
최근 댓글
태그
  • #count
  • #반복문
  • #group by
  • #join
  • #C언어
  • #Where
  • #order by
  • #select
  • #수학
  • #백준
전체 방문자
오늘
어제
전체
Copyright © 쭈미로운 생활 All rights reserved.
Designed by JJuum

티스토리툴바