學習python有關統計基礎部分課程總結
花了整整兩天的時間學習一門關於python用來做統計的基礎課程。現在總結一下。基本的原則是列出一些程式碼的例項,表明學到的pythong包括numpy和pandas的基本功能。如果可以用一個函式表示的就用一個函式,不用多個函式,這樣容易跟蹤。不過剛剛學完,思想上很覺得疲勞。這個總結可能要慢慢做起來。做完了再分享出去。
函式
def add_numbers(x, y, z=None, flag=False):
if flag:
print('flag is true')
if z == None:
return x + y
else:
return x + y + z
print(add_numbers(1, 2, flag=True))
要點:
1) python的函式引數是可以有預設值的
2) 呼叫帶有預設引數值的函式時,可以指定哪個引數的預設值被改寫
def add_numbers(x, y):
return x + y
f = add_numbers
f(1, 2)
要點:
1)函式可以賦值給變數
標量,列表,字典
x = (1, 'a', 2, 'b')
type(x)
#tuple
x = [1, 'a', 2, 'b']
x.append(3.3)
[1]*3
# [1, 1, 1]
[1,2] + [3,4]
# [1, 2, 3, 4]
print(x[1])
print(x[1:2])
print(x[-3, -1])
x = {'a':'b', 'c':'d'}
print(x['a'])
for e in x:
print(x[e])
for v in x.values():
print(v)
for e,v in x.items():
print(e)
print(v)
要點:
1)python的標量,列表,字典可以儲存不同型別的值
2)列表的一些基本操作,像append(), *, +
3)字典的遍歷key,value,和item的方法
字串格式列印
sales_statement = '{} bought {} item(s) at a price of {} each for a total of {}'
print(sales_statement.format('Chris', 4, 3.24, 4 * 3.24))
要點:
1) 怎麼像java或者c++那樣在字串裡列印變數值
讀取CSV檔案
import csv
%precision 2
with open('mpg.csv') as csvfile:
mpg = list(csv.DictReader(csvfile))
mpg[0].keys()
# dict_keys(['mpg', 'cylinders', 'displacement', 'horsepower', 'weight', 'acceleration', 'model_year', 'origin', 'name'])
sum(float(d['acceleration']) for d in mpg)
# 6196.10
要點:
1)如何將CSV檔案的每一行按照字典的方式讀出來
2)怎樣訪問讀出來的字典的內容
日期和時間
import datetime as dt
import time as tm
tm.time()
# 1605049825.93
dtnow = dt.datetime.fromtimestamp(tm.time())
dtnow
# datetime.datetime(2020, 11, 10, 15, 11, 18, 593011)
dtnow.year, dtnow.month
# (2020, 11)
today = dt.date.today()
today
# datetime.date(2020, 11, 10)
要點:
1)怎麼使用時間戳和日期
2)怎麼在時間戳和日期之間轉換
物件
class Person:
department = 'school of information'
def set_name(self, new_name):
self.name = new_name
要點:
1)怎麼定義類和類裡面的屬性和方法
map函式
store1 = [10.00, 11.00, 12.34, 2.34]
store2 = [9.00, 11.10, 12.34, 2.01]
cheapest = map(min, store1, store2) # lazy execution
list(cheapest)
# [9.00, 11.00, 12.34, 2.01]
要點:
1)map函式是lazy execution的
lambda函式
my_function = lambda a, b, c : a + b
my_function(1, 2, 3)
# 3
people = ['Dr. Christopher Brooks', 'Dr. Kevyn Collins-Thompson', 'Dr. VG Vinod Vydiswaran', 'Dr. Daniel Romero']
def split_title_and_name(person):
return person.split()[0] + ' ' + person.split()[-1]
#option 1
for person in people:
print(split_title_and_name(person) == (lambda person:person.split()[0] + ' ' + person.split()[-1])(person))
要點:
1)lambda函式的寫法
numpy
import numpy as np
import math
#array creation
a = np.array([1, 2, 3])
print(a) # [1, 2, 3]
print(a.ndim) # 1
b = np.array([[1, 2, 3], [4, 5, 6]])
b
# array([[1, 2, 3],
# [4, 5, 6]])
b.shape
# (2,3)
b.dtype
#dtype('int32')
d = np.zeros((2, 3))
print(d)
# [[0. 0. 0.]
# [0. 0. 0.]]
np.random.rand(2,3)
# array([[0.74956529, 0.33373396, 0.19966149],
# [0.35464706, 0.24963549, 0.31511589]])
f = np.arange(10, 50, 2)
f
# array([10, 12, 14, 16, 18, 20, 22, 24, 26, 28, 30, 32, 34, 36, 38, 40, 42,
# 44, 46, 48])
np.linspace(0, 2, 15)
# array([0. , 0.14285714, 0.28571429, 0.42857143, 0.57142857,
# 0.71428571, 0.85714286, 1. , 1.14285714, 1.28571429,
# 1.42857143, 1.57142857, 1.71428571, 1.85714286, 2. ])
要點:
1)怎麼從list建立numpy array
2)怎樣顯示numpy array維度的數量,維度,資料型別
3)怎樣用numpy建立全零array,隨機array, 步進式array,和平均分佈array
a = np.array([10, 20, 30, 40])
b = np.array([1, 2, 3, 4])
d = a * b
print(d)
# [ 10 40 90 160]
# booilean array
d > 50
# array([False, False, True, True])
A = np.array([[1, 1], [0, 1]])
B = np.array([[2, 0], [3, 4]])
print(A*B)
# [[2 0]
# [0 4]]
print(A.sum())
print(A.max())
print(A.min())
print(A.mean())
# 3
# 1
# 0
# 0.75
要點:
1)array的乘法
2)array的布林型array
3)array的sum,max, min, 和mean
b = np.arange(1, 16, 1).reshape(3, 5)
print(b)
# [[ 1 2 3 4 5]
# [ 6 7 8 9 10]
# [11 12 13 14 15]]
from PIL import Image
from IPython.display import display
im = Image.open('momo.JPG')
display(im)
array=np.array(im)
mask = np.full(array.shape,255)
modified_array=array-mask
modified_array=modified_array*-1
modified_array=modified_array.astype(np.uint8)
display(Image.fromarray(modified_array))
modified_array.shape
reshaped=np.reshape(modified_array,[3648, 2736, 3])
print(reshaped.shape)
display(Image.fromarray(reshaped))
要點:
1)怎樣改變一個array的維度
a = np.array([1, 2,3])
a[2] # 3
a = np.array([[1,2], [3,4], [5,6]])
a[1,1] # 4
wines = np.genfromtxt('winequality-red.csv', delimiter=';', skip_header=1)
print(wines[:,0])
print(wines[:, 0:1])
wines[:,-1].mean()
要點:
1)怎麼訪問numpy陣列裡的元素
2)怎麼從csv檔案讀取成numpy陣列
正規表示式
import re
text = 'this is a good day'
if re.search('good', text):
print('wonderful')
else:
print('alas: :(')
要點:
1)re.search()
text = 'amy works diligently. amy gets good grades. our study amy is successful.'
re.findall('amy', text) # ['amy', 'amy', 'amy']
grades='ACAAABCBCBAA'
re.findall('[A][B-C]', grades) # ['AC', 'AB']
re.findall('AB|AC', grades) # ['AC', 'AB']
re.findall('[^A]', grades) # ['C', 'B', 'C', 'B', 'C', 'B']
re.findall('A{2,10}', grades) # ['AAA', 'AA']
要點:
1)re.findall()
2)正規表示式的一些語法
Pandas Series
import pandas as pd
studentds = ['alice', 'jack', 'molly']
pd.Series(studentds)
# 0 alice
# 1 jack
# 2 molly
# dtype: object
要點:
1)怎麼從array生成Series
np.nan == None
np.isnan(np.nan) # True
要點:
1)怎麼判斷None
studentds_scores = {'alice': 'physices', 'jack': 'chemistry'}
s = pd.Series(studentds_scores)
s
# alice physices
# jack chemistry
# dtype: object
s.index
# Index(['alice', 'jack'], dtype='object')
s = pd.Series(['phsices', 'chemistry'], index=['alice', 'jack'])
s
# alice phsices
# jack chemistry
# dtype: object
students_scores = {'alice': 'physices', 'jack': 'chemistry'}
s = pd.Series(students_scores, index=['alice', 'sam'])
s
# alice physices
# sam NaN
# dtype: object
要點:
1)怎麼從dictionary轉變成Series
2)怎麼指定Series Index
studentds_scores = {'alice': 'physices', 'jack': 'chemistry'}
s = pd.Series(studentds_scores)
s.iloc[1]
# 'chemistry'
s.loc['jack']
# 'chemistry'
s[1] # not recommended
# 'chemistry'
s['jack'] # not recommended
# 'chemistry'
要點:
1)怎麼通過位置索引訪問Series值
2)怎麼通過Index的值訪問Series值
grades = pd.Series([90, 80, 70, 60])
total =np.sum(grades)
print(total / len(grades))
# 75.0
numbers = pd.Series(np.random.randint(0, 1000, 10000))
numbers.head()
numbers+=2
for label,value in numbers.iteritems():
numbers.at[label] = value+2
numbers.head()
要點:
1)Series上的操作是整體操作,像numpy.sum(),’+‘等
2)遍歷Series方法
s = pd.Series([1, 2, 3])
s.loc['history'] = 102
s
# 0 1
# 1 2
# 2 3
# history 102
# dtype: int64
要點:
1)通過[]給Series增加一行key/value
students_classes = pd.Series({'alice': 'physics',
'jack': 'chemistry'})
kelly_classes = pd.Series(['phi', 'art', 'math'], index=['kelly', 'kelly', 'kelly'])
all_students_classes = students_classes.append(kelly_classes)
all_students_classes
# alice physics
# jack chemistry
# kelly phi
# kelly art
# kelly math
# dtype: object
all_students_classes.loc['kelly']
# kelly phi
# kelly art
# kelly math
# dtype: object
要點:
1)怎麼連線兩個Series
2)Series的key是可以重複的
DataFrame
record1 = pd.Series({'name': 'alice', 'class': 'physics'})
record2 = pd.Series({'name': 'jack', 'class': 'chemistry'})
record3 = pd.Series({'name': 'molly', 'class': 'biology'})
df = pd.DataFrame([record1, record2, record3], index=['school1', 'school2', 'school3'])
df.head()
# name class
# school1 alice physics
# school2 jack chemistry
# school3 molly biology
students = [{'name': 'alice', 'class': 'physics'}, {'name': 'jack', 'class': 'chemistry'}, {'name': 'molly', 'class': 'biology'}]
df = pd.DataFrame(students, index=['school1', 'school2', 'school1'])
df.head()
# name class
# school1 alice physics
# school2 jack chemistry
# school3 molly biology
要點:
1)怎麼從一個Series陣列轉變成DataFrame
2)怎麼從一個Dictionary陣列轉變成DataFrame
df.loc['school2']
# name jack
# class chemistry
# Name: school2, dtype: object
type(df.loc['school2'])
# pandas.core.series.Series
df.loc['school1']
# name class
# school1 alice physics
# school1 molly biology
type(df.loc['school1'])
# pandas.core.frame.DataFrame
df.loc['school1', 'name']
# school1 alice
# school1 molly
# Name: name, dtype: object
要點:
1)根據返回的資料DataFrame可能會返回Series或者DataFrame
df.T
# school1 school2 school1
# name alice jack molly
# class physics chemistry biology
要點:
1)怎麼轉置一個DataFrame
df.loc[:,['name']] # colon means that we want to get all of the rows
要點:
1)怎麼取得某一個index的所有行
df.drop('school1')
要點:
1)怎麼刪掉某一個DataFrame的key
copy_df = df.copy()
copy_df.drop('name', inplace=True, axis=1)
要點:
1)怎麼刪掉DataFrame的列
2)怎麼直接刪掉正在操作的DataFrame的資料
df['rank'] = None
df
# name class rank
# school1 alice physics None
# school2 jack chemistry None
# school1 molly biology None
要點:
1)怎麼增加DataFrame的列
df = pd.read_csv('Admission_Predict.csv')
df.head()
要點:
1)怎麼從csv讀取成DataFrame
df = pd.read_csv('Admission_Predict.csv', index_col=0)
df.head()
要點:
1)怎麼指定某一列作為Index
new_df = df.rename(columns={'GRE Score':'GRE Score', 'TOEFL Score':'TOEFL Score', 'University Rating':'University Rating',
'SOP':'Statement of Purpose', 'LOR': 'Letter of Recommendation', 'Chance of Admit': 'Chance of Admit'})
new_df.head()
要點:
1)怎麼重新命名列名
new_df.columns
new_df = new_df.rename(mapper=str.strip, axis='columns')
new_df.head()
要點:
1)怎麼運用map修改列名
2)怎麼顯示列名
cols = list(df.columns)
cols = [x.lower().strip() for x in cols]
df.columns = cols
要點:
1)怎麼使用list修改一個DF的列名
admit_mask = df['chance of admit'] > 0.7
df.where(admit_mask).head()
df.where(admit_mask).dropna().head()
要點:
1)怎樣根據某一列的值生成一個boolean mask
2)怎樣使用boolean mask選擇一個DF中符合要求的行
3)怎麼去除DF中帶有na的行
df[df['chance of admit'] > 0.7].head()
要點:
1)這是對於df.where(admit_mask).dropna()的一種簡寫方式
df['chance of admit'].gt(0.7) & df['chance of admit'].lt(0.9)
要點:
1)多個條件生成boolean mask的書寫方式,注意和(df['chance of admit']>0.7) & (df['chance of admit']<0.9)是不同的
df['Serial Number'] = df.index
df.columns = [x.strip() for x in df.columns]
df = df.set_index('Chance of Admit')
df = df.reset_index()
要點:
1)怎麼將index的值賦給一列
2)怎麼將一列設定成index
3)怎麼重新使用預設index
df['SUMLEV'].unique()
df=df[df['SUMLEV']==50]
要點:
1)怎麼得到一列中不重複的值
2)怎麼得到某一列值為指定值的所有行
columns_to_keep = ['STNAME', 'CTYNAME']
df = df[columns_to_keep]
要點:
1)怎麼只保留一個DF中的部分列
df = df.set_index(['STNAME', 'CTYNAME'])
df.loc['Michigan', 'Washtenaw County']
df.loc[[('Michigan', 'Washtenaw County')]]
要點:
1)對於一個DF可以指定兩個column作為index
2)有兩個column做index時怎麼訪問某一個index的行
mask = df.isnull()
df.dropna()
df.fillna(0, inplace=True)
要點:
1)怎麼生成為null值的mask
2)怎麼去除有na的資料
3)怎麼將na轉換成一個預設值
df = df.set_index('time')
df = df.sort_index()
要點:
1)怎麼給index排序
df = df.fillna(method='ffill')
要點:
1)使用ffill做向前填充
df.replace(1, 100)
df.replace([1, 3], [100, 300])
df.replace(to_replace=".*html$", value='webpage', regex=True)
df['First'] = df['First'].replace('[ ].*', '', regex=True)
要點:
1)怎麼替換一個值
2)怎麼替換多個值
3) 怎麼使用regex對字串的值進行替換
4)怎麼對某一列的值進行替換
del(df['First'])
要點:
1)怎麼刪除掉一列
def splitname(row):
row['First'] = row['President'].split(' ')[0]
row['Last'] = row['President'].split(' ')[-1]
return row
df = df.apply(splitname, axis='columns')
要點:
1)怎麼利用一個函式給一個df增加列
pattern = '(^[\w]*)(?:.*)([\w]*$)'
df['President'].str.extract(pattern).head()
要點:
1)從一個df的列利用extract生成一個新的df
pd.merge(staff_df, student_df, how='outer', left_index=True, right_index=True)
pd.merge(staff_df, student_df, how='inner', left_index=True, right_index=True)
pd.merge(staff_df, student_df, how='right', on='name')
pd.merge(staff_df, student_df, how='inner', on=['first name', 'last name'])
要點:
1)怎麼做outer和inner merge
2)怎麼指定一列進行merge
3)怎麼指定多列進行merge
frames=[df_2011, df_2012, df_2013]
pd.concat(frames)
pd.concat(frames, keys=['2011', '2012', '2013'])
要點:
1)怎麼縱向合併frame
2)怎麼在縱向合併時指定key值
# Pandas idiom - chain
(df.where(df['SUMLEV']==50)).dropna().set_index(['STNAME', 'CTYNAME']).rename(columns={'ESTIMATESBASE2010':'Estimates Base 2010'})
要點:
1)pandas的鏈式書寫方法
import timeit
def first_approach():
global df
return (df.where(df['SUMLEV']==50)).dropna()
timeit.timeit(first_approach, number=10)
要點:
1)使用timeit對一個函式的效能進行測量
def min_max(row):
data = row[['POPESTIMATE2010','POPESTIMATE2011','POPESTIMATE2012','POPESTIMATE2013','POPESTIMATE2014','POPESTIMATE2015']]
return pd.Series({'min': np.min(data), 'max': np.max(data)})
df.apply(min_max, axis='columns').head()
def min_max(row):
data = row[['POPESTIMATE2010','POPESTIMATE2011','POPESTIMATE2012','POPESTIMATE2013','POPESTIMATE2014','POPESTIMATE2015']]
row['max'] = np.max(data)
row['min'] = np.min(data)
return row
df.apply(min_max, axis='columns')
rows = ['POPESTIMATE2010','POPESTIMATE2011','POPESTIMATE2012','POPESTIMATE2013','POPESTIMATE2014','POPESTIMATE2015']
df.apply(lambda x: np.max(x[rows]), axis=1).head()
要點:
1)怎樣使用apply生成一個DF裡若干列的最大和最小值的Series
2)怎樣使用apply在一個DF裡怎樣增加若干列的最大值和最小值的列
3) 怎麼使用lambda求得DF裡若干列的最大值
def get_state_region(x):
northeast = ['Connecticut', 'Maine']
midwest = ['Illiois', 'Indiana']
south = ['Delaware', 'Florida']
west = ['Arizona', 'Colorado']
if x in northeast:
return 'Northeast'
elif x in midwest:
return 'Midwest'
elif x in south:
return "Sourth"
elif x in west:
return "West"
else:
return 'Unknown'
df['state_region'] = df['STNAME'].apply(lambda x: get_state_region(x))
要點:
1)怎樣使用apply和lambda從DF的某一個列值生成一個新列的值
%%timeit -n 3
for state in df['STNAME'].unique():
avg = np.average(df.where(df['STNAME']==state).dropna()['CENSUS2010POP'])
print('Counties in state ' + state + ' have an average population of ' + str(avg))
%%timeit -n 3
for group, frame in df.groupby('STNAME'):
avg = np.average(frame['CENSUS2010POP'])
print('Counties in state ' + group + ' have an average ppulation of ' + str(avg))
要點:
1)在Jupyter notebook裡使用"%%timeit -n"計算執行的時間
2)使用where計算以一列的值分組得到統計資料的方法(average)
3)使用DataFrame.groupby計算以一列的值分組得到統計資料的方法(average)
df = df.set_index('STNAME') # must set as index at first
def set_batch_number(item):
if item[0]<'M':
return 0
if item[0] < 'Q':
return 1
return 2
for group, frame in df.groupby(set_batch_number):
print('there are ' + str(len(frame)) + ' recors in group ' + str(group) + ' for processing')
要點:
1)怎樣使用一個函式對某一個列的值進行處理過之後再分組
df.columns = [x.strip() for x in df.columns]
df = df.set_index(['cancellation_policy', 'review_scores_value'])
for group, frame in df.groupby(level=(0,1)):
print(group)
要點:
1)怎樣對於有多個index的df進行分組
def grouping_fun(item):
if item[1] == 10.0:
return (item[0], "10.0")
else:
return (item[0], "not 10.0")
for group, frame in df.groupby(by=grouping_fun):
print(group)
要點:
1)怎樣使用函式對df的index進行改變然後進行分組
df.groupby('cancellation_policy').agg({'review_scores_value':(np.nanmean, np.nanstd), "reviews_per_month":np.nanmean})
要點:
1)怎樣使用groupby和agg對一個df就某一個列進行分組然後對某些列計算集合統計資料
cols = ['cancellation_policy', 'review_scores_value']
transform_df = df[cols].groupby('cancellation_policy').transform(np.nanmean)
transform_df.head()
要點:
1)對於groupby之後transform的使用
def calc_mean_review_scores(group):
avg = np.nanmean(group['review_scores_value'])
group['review_scores_mean'] = np.abs(avg - group['review_scores_value'])
return group
df.groupby('cancellation_policy').apply(calc_mean_review_scores).head()
要點:
1)怎樣使用apply在groupby之後對group進行處理
pd.cut(df, 10)
要點:
1)使用cut把資料分成若干桶
def create_category(ranking):
if (ranking>=1) & (ranking<100):
return 'tier1'
elif (ranking < 200):
return 'tier2'
elif (ranking < 300):
return 'tier3'
else:
return 'other tier'
df['rank_level'] = df['world_rank'].apply(lambda x: create_category(x))
df.head()
df.pivot_table(values='score', index='country', columns='rank_level', aggfunc=[np.mean]).head()
要點:
1)怎樣使用pivot_table來將某一列裡的值轉換成列,並執行aggregation操作
df.pivot_table(values='score', index='country', columns='rank_level', aggfunc=[np.mean, np.max], margins=True).head()
要點:
1)pivot_table裡margins的使用,在set成True時會生成一列計算所有列的aggregation操作
new_df = new_df.stack()
new_df.unstack().head()
要點:
1)DataFrame對stack和unstack的使用。有些複雜,基本的意識是stack將column變成index,unstack將index變成column
pd.Timestamp('9/1/2019 10:05am') # Timestamp('2019-09-01 10:05:00')
pd.Timestamp('9/1/2019 10:05am').isoweekday() # 7
pd.Period('1/2016')
pd.Period('1/2016') + 5 # Period('2016-06', 'M')
d1 = ['2 June 2013', 'Aug 29 2014', '2015-06-26', '7/12/16']
ts3 = pd.DataFrame(np.random.randint(10, 100, (4, 2)), index=d1, columns=list('ab'))
ts3.index = pd.to_datetime(ts3.index)
pd.to_datetime('4.7.12', dayfirst=True) # Timestamp('2012-07-04 00:00:00')
pd.Timestamp('9/3/2016') - pd.Timestamp('9/1/2016') # Timedelta('2 days 00:00:00')
pd.Timestamp('9/4/2016') + pd.offsets.Week() # Timestamp('2016-09-11 00:00:00')
dates = pd.date_range('10-01-2016', periods=9, freq='2W-SUN')
dates
# DatetimeIndex(['2016-10-02', '2016-10-16', '2016-10-30', '2016-11-13',
# '2016-11-27', '2016-12-11', '2016-12-25', '2017-01-08',
# '2017-01-22'],
# dtype='datetime64[ns]', freq='2W-SUN')
要點:
1)pandas的Timestamp, Period, date_rangte的使用
2)pandas使用to_datetime來將string轉換成TimeStamp
from scipy.stats import ttest_ind
ttest_ind(early_finishers['assignment1_grade'], late_finishers['assignment1_grade'])
要點:
1)對ttest_ind的使用,計算兩組獨立的數列的相似性。還沒有仔細學習具體用法和背後理論。
import networkx as nx
edgelist = [['Mannheim', 'Frankfurt', 85], ['Mannheim', 'Karlsruhe', 80], ['Erfurt', 'Wurzburg', 186], ['Munchen', 'Numberg', 167], ['Munchen', 'Augsburg', 84], ['Munchen', 'Kassel', 502], ['Numberg', 'Stuttgart', 183], ['Numberg', 'Wurzburg', 103], ['Numberg', 'Munchen', 167], ['Stuttgart', 'Numberg', 183], ['Augsburg', 'Munchen', 84], ['Augsburg', 'Karlsruhe', 250], ['Kassel', 'Munchen', 502], ['Kassel', 'Frankfurt', 173], ['Frankfurt', 'Mannheim', 85], ['Frankfurt', 'Wurzburg', 217], ['Frankfurt', 'Kassel', 173], ['Wurzburg', 'Numberg', 103], ['Wurzburg', 'Erfurt', 186], ['Wurzburg', 'Frankfurt', 217], ['Karlsruhe', 'Mannheim', 80], ['Karlsruhe', 'Augsburg', 250],["Mumbai", "Delhi",400],["Delhi", "Kolkata",500],["Kolkata", "Bangalore",600],["TX", "NY",1200],["ALB", "NY",800]]
g = nx.Graph()
for edge in edgelist:
g.add_edge(edge[0], edge[1], weight=edge[2])
nx.draw_networkx(nx.minimum_spanning_tree(g))
要點:
1)network的使用。可以處理和圖有關的資料。
總結:總體上覺得收穫挺多的。不過還是要在實踐中繼續學習和鞏固,才能完全掌握。繼續加油!
相關文章
- JavaScript學習總結(一)基礎部分JavaScript
- Oracle學習總結--基礎部分(儲存與索引)Oracle索引
- Python課程學習難不難?零基礎可以學習Python嗎?Python
- 深度學習DeepLearning.ai系列課程學習總結:9.深度學習基礎實踐理論深度學習AI
- 20145216《資訊保安系統設計基礎》課程總結
- 用Python學習統計學基礎-4Python
- 用Python學習統計學基礎-3Python
- 怎麼學習新夢想的零基礎學Python課程Python
- java基礎部分總結2Java
- 計算機圖形學課程總結計算機
- 程式設計完全零基礎,學習python的吐血總結!程式設計Python
- 學習canvas基礎的總結Canvas
- shell基礎學習總結(一)
- shell基礎學習總結(二)
- UFLDL:史丹佛大學深度學習課程總結深度學習
- 0基礎如何學習Python課程?就業前景怎麼樣?Python就業
- Python常用函式有哪些?Python基礎入門課程Python函式
- 20145227鄢曼君 《資訊保安系統設計基礎》課程總結
- 20145302張薇 《資訊保安系統設計基礎》課程總結
- 慕課網_《iOS基礎教程之介面初體驗》學習總結iOS
- 如何學習python課程Python
- Kotlin 基礎學習總結(一)Kotlin
- Linux課程可以零基礎學習嗎?該如何學習?Linux
- 基礎課程
- 神經網路與深度學習 課程複習總結神經網路深度學習
- Python基礎課程筆記5Python筆記
- JAVA基礎學習-數字與字串學習總結Java字串
- Linux課程零基礎可以學習嗎?學習哪些內容?Linux
- 【Python】基礎總結Python
- 零基礎如何學習雲端計算?雲端計算開發課程詳解
- JavaScript學習筆記——基礎部分JavaScript筆記
- 0基礎怎麼學習Python?Python學習方法彙總!Python
- Laravel 開發入門課程基礎頁面實現總結Laravel
- 開源 | Python基礎入門課程Python
- Linux運維課程可以零基礎學習嗎?Linux運維
- 《計算機基礎與程式設計》第二週學習總結計算機程式設計
- 《計算機基礎與程式設計》第七週學習總結計算機程式設計
- 《計算機基礎與程式設計》第7周學習總結計算機程式設計