1.
データ分析に関する次の記述のうち、誤っているものはどれか。
正答: Pythonはデータ分析以外の分野でも活用されており、
2.
機械学習に関する次の記述のうち、正しいものはどれか。
正答: 教師あり学習は、
3.
PythonおよびPythonの実行環境に関する次の記述のう
正答: venvはPythonの仮想環境を作成する仕組みである。
4.
次のコード群の2行目以降を代替できるリスト内包表記として正し
names = [‘spam’, ‘ham’, ‘eggs’ ]
lens =[]
for name in names:
lens.append(len(name))
lens
正答: [len(name) for name in names]
5.
正答: ret = prog.search(‘pythomian’)
6.
正答: pickleモジュールは、
7.
正答: NotebookファイルはYAML形式で記述されており、
8.
正答: 三角関数のsinは「サイン」と読み、
9.
正答: Aの原点からのユークリッド距離は5である。
10.
正答: 行と列のサイズが同じ行列を特に正方行列と呼び、
11.
正答: 関数f(x)を積分すると、右辺は3x^3となる。
12.
正答: 最頻値は1である
13.
正答: 6面体のサイコロを1回振った場合、
14.
正答: NumPy配列の次元変換に用いるravelメソッドは深い参照
15.
次のスクリプトを実行した結果として正しいものはどれか。
import numpy as np
a = np.array([[1, 2, 3], [4, 5, 6]])
b = np.array([1, 2, 3])
print(a[-1:, [1, 2]], b.dtype)
正答: [[5 6]] int64
16.
次のスクリプトを実行した結果として正しいものはどれか。
import numpy as np
a = np.arange(1, 10, 3)
b = np.eye(5)
print(a[-1], b[2, 2])
正答: 7 1.0
17.
次のスクリプトを実行した結果として正しいものはどれか。
import numpy as np
a = np.full((1, 5), np.e).T.ravel()
b = np.linspace(0, 1, 5)
c = np.hstack([a, b])
print(a[-1], c[-1])
正答: 2.718281828459045 1.0
18.
import numpy as np
a = np.array([0, 9, 99, 999])
a = a + 1
a = a * 100
b = np.log10(a)
print(a[1], b[2])
正答: 1000 4.0
19.
次のスクリプトを実行した結果として正しいものはどれか。
import numpy as np
a = np.array([1, 3])
b = np.array([-1, 5])
c = np.array([[1, 2], [3, 4]])
d = a @ b
e = np.dot(c, a)
print(d, e)
正答: 14 [ 7 15 ]
20.
次のスクリプトを実行して10を出力させたい。[ア]
import pandas as pd
df = pd.DataFrame([[15, “a”, True],[20, “b”, False],[10, “c”, False]])
df.index = [“01”, “02”, “03”]
df.columns = [“A”, “B”, “C”]
[ア]
print(a)
正答: a = df.loc[“03”, “A”] または a = df.iloc[2, 0]
21.
正答: バイナリファイルからのデータの読み込みは、read_
22.
次のスクリプトを実行した結果として正しいものはどれか。
import pandas as pd
df = pd.DataFrame([[40, “a”, True],[20, “b”, False],[30, “c”, False]])
df.index = [“01”, “02”, “03”]
df.columns = [“A”, “B”, “C”]
def judge(arg):
if arg < 50:
return “low”
elif arg < 70:
return “middle”
else:
return “high”
df.loc[:, “C”] = df.iloc[:, 0] * 2
df.loc[:, “B”] = df.iloc[:, 2].apply(judge)
_ = df[“C”] > 50
df = df[_]
print(df.iloc[0 , 0], df.iloc[1 ,1])
正答: 40 middle
23.
次のスクリプトに関する説明のうち誤っているものはどれか。
import numpy as np
import pandas as pd
np.random.seed(123)
dates = pd.date_range(start=”2017-04-
df = pd.DataFrame(np.random.
df_year = pd.DataFrame(df.groupby(pd.
正答: 5行目は、
24.
正答: fillnaメソッドの引数にmethod=’median’
25.
正答: stdメソッドは分散を取得できる。
26.
正答: DataFrameをNumPy配列に変換するには、
27.
正答: 折れ線グラフはplotメソッドで、
28.
正答: 同じフォントの指定を複数回繰り返す場合、
29.
Matplotlibを用いてsin, cosのグラフを描画する次のコード群に関する説明のうち正しい
import numpy as np
import matplotlib.pyplot as plt
x = np.arange(0.0, 15.0, 0.1)
y1 = np.sin(x)
y2 = np.cos(x)
fig, ax = plt.subplots()
ax.plot(x, y1, label=’sin’)
ax.plot(x, y2, label=’cos’)
ax.legend()
plt.show()
正答: 描画オブジェクトの中に配置されるサブプロットは1つである。
30.
次のコード群に関する説明のうち誤っているものはどれか。
import matplotlib.pyplot as plt
fig, ax = plt.subplots()
x = [1, 2, 3]
y1 = [10, 2, 3]
y2 = [5, 3, 6]
labels = [‘spam’, ‘ham’, ‘egg’]
[ア]
ax.bar(x, y_total, tick_label=labels, label=’y1′)
ax.bar(x, y2, label=’y2′)
[イ]
plt.show()
正答: [ア]に入るコードは y_total = [num1 + num2 for num1, num2 in sum(y1, y2)] である。
31.
Matplotlibを用いて正規分布に従うランダムな値をヒス
import numpy as np
import matplotlib.pyplot as plt
np.random.seed(123)
mu = 100
sigma = 15
x = np.random.normal(mu, sigma, 1000)
fig, ax = plt.subplots()
n, bins, patches = ax.hist(x, bins=25, orientation=’horizontal’)
for i, num in enumerate(n):
print(‘{:.2f} – {:.2f} {}’.format(bins[i], bins[i + 1], num))
plt.show()
正答: このコード群を複数回実行した場合、
32.
Matplotlibを用いて円グラフを描画する次のコード群に
import matplotlib.pyplot as plt
labels = [‘spam’, ‘ham’, ‘egg’]
x = [10, 3, 1]
fig, ax = plt.subplots()
ax.pie(x, labels=labels, startangle=90, counterclock=False, shadow=True, autopct=’%1.2f%%’)
plt.show()
正答: 円グラフは反時計回りに配置される
33.
正答: 分散正規化とは、特徴量の平均が1、
34.
正答: 分類は、データのクラスを予測して分けるタスクであり、
35.
正答: サポートベクタマシンは、
36.
from sklearn.linear_model import LinearRegression
from sklearn.datasets import load_boston
from sklearn.model_selection import train_test_split
boston = load_boston()
X, y = boston.data, boston.target
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=123)
lr = LinearRegression()
lr.fit(X_train, y_train )
y_pred = lr.predict(X_test)
正答: このスクリプトで行う回帰は住宅価格を特徴量から求める単回帰で
37.
正答: 主成分分析は、scikit-
38.
正答: 機械学習を用いて構築した回帰モデルの良し悪しを評価する指標に
39.
from sklearn.datasets import load_iris
from sklearn.model_selection import GridSearchCV
from sklearn.tree import DecisionTreeClassifier
from sklearn.model_selection import train_test_split
iris = load_iris()
X, y = iris.data, iris.target
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=123)
clf = DecisionTreeClassifier()
param_grid = {‘max_depth’: [3, 4, 5]}
cv = GridSearchCV(clf, param_grid=param_grid, cv=10)
cv.fit(X_train, y_train)
y_pred = cv.predict(X_test)
正答: このスクリプトを複数回実行した場合、
40.
正答: 分割型の階層的クラスタリングは、