高效Python编程:10个常用的函数库及用法
发布时间:2023-06-18 07:51:41
Python是一门高效可编程的语言,但在编写一些功能较为复杂的脚本时,使用一些常用的函数库可以极大地提高编程效率和质量。接下来,我们将介绍10个常用的函数库及其用法。
1. NumPy:用于数学计算的库,包括线性代数、FFT等。
import numpy as np a = np.arange(15).reshape(3,5) print(a.shape)
2. Pandas:用于数据分析和处理的库,提供了高效的数据结构和API。
import pandas as pd
data = pd.read_csv('data.csv')
print(data.shape)
3. Matplotlib:用于绘制数据图表的库,提供了丰富的绘制方法与样式。
import matplotlib.pyplot as plt
plt.plot([1,2,3,4])
plt.xlabel('x')
plt.ylabel('y')
plt.show()
4. SciPy:用于科学计算和研究的库,包括统计学、优化、信号处理等。
from scipy.optimize import curve_fit
def func(x, a, b, c):
return a * np.exp(-b * x) + c
xdata = np.linspace(0, 4, 50)
y = func(xdata, 2.5, 1.3, 0.5)
popt, pcov = curve_fit(func, xdata, y)
5. Scikit-Learn:常用的机器学习库,提供了各种分类、回归、聚类等算法。
from sklearn.datasets import load_iris from sklearn.linear_model import LogisticRegression X, y = load_iris(return_X_y=True) clf = LogisticRegression(random_state=0).fit(X, y) clf.predict(X[:2, :])
6. TensorFlow/Keras:用于深度学习和神经网络的库,提供了各种强大的模型和方法。
import tensorflow as tf
from tensorflow import keras
model = keras.Sequential([
keras.layers.Flatten(input_shape=(28, 28)),
keras.layers.Dense(128, activation='relu'),
keras.layers.Dense(10, activation='softmax')
])
model.compile(optimizer='adam',
loss='sparse_categorical_crossentropy',
metrics=['accuracy'])
model.fit(x_train, y_train, epochs=10)
7. Requests:用于发送HTTP请求的库,可以实现与API的交互。
import requests
response = requests.get('https://api.github.com/events')
json_response = response.json()
8. Beautiful Soup:用于解析HTML和XML数据的库,可以进行信息提取和数据清洗。
from bs4 import BeautifulSoup import requests url = 'https://www.baidu.com' response = requests.get(url) soup = BeautifulSoup(response.content, 'html.parser') print(soup.title.string)
9. Pygame:用于游戏开发的库,可以方便地实现游戏画面和交互操作。
import pygame
pygame.init()
screen = pygame.display.set_mode((640, 480))
pygame.display.set_caption("Hello, Pygame")
running = True
while running:
for event in pygame.event.get():
if event.type == pygame.QUIT:
running = False
pygame.quit()
10. Flask:用于Web应用开发的库,提供了快速构建Web应用的框架和API。
from flask import Flask
app = Flask(__name__)
@app.route('/')
def hello_world():
return 'Hello, World!'
if __name__ == '__main__':
app.run()
以上是常用的10个Python函数库及其用法,这些库都有提供了强大的功能和API,可以大大加快程序开发进度和提高程序质量。
