首页 > 编程知识 正文

常用的Python库和示例

时间:2023-11-22 14:24:00 阅读:301487 作者:ZXOF

本文将从多个方面对常用的Python库进行详细的阐述,并给出相应的示例。

一、数据处理

1、NumPy:

import numpy as np

# 创建一个一维数组
array1 = np.array([1, 2, 3, 4, 5])
print(array1)

# 创建一个二维数组
array2 = np.array([[1, 2, 3], [4, 5, 6]])
print(array2)

2、Pandas:

import pandas as pd

# 创建一个Series对象
series1 = pd.Series([1, 2, 3, 4, 5])
print(series1)

# 创建一个DataFrame对象
data = {'col1': [1, 2, 3],
        'col2': [4, 5, 6]}
df = pd.DataFrame(data)
print(df)

二、数据可视化

1、Matplotlib:

import matplotlib.pyplot as plt

# 绘制折线图
x = [1, 2, 3, 4, 5]
y = [1, 4, 9, 16, 25]
plt.plot(x, y)
plt.xlabel('x')
plt.ylabel('y')
plt.title('折线图')
plt.show()

2、Seaborn:

import seaborn as sns

# 绘制散点图
tips = sns.load_dataset('tips')
sns.scatterplot(x='total_bill', y='tip', data=tips)
plt.xlabel('Total Bill')
plt.ylabel('Tip')
plt.title('散点图')
plt.show()

三、网络爬虫

1、Requests:

import requests

# 发送GET请求并获取响应内容
response = requests.get('https://www.example.com')
print(response.text)

2、Beautiful Soup:

from bs4 import BeautifulSoup

# 解析HTML内容
html = '<html><body><p>Hello, World!</p></body></html>'
soup = BeautifulSoup(html, 'html.parser')
print(soup.p.text)

四、机器学习

1、Scikit-learn:

from sklearn import datasets
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LinearRegression

# 加载示例数据集
diabetes = datasets.load_diabetes()

# 划分训练集和测试集
X_train, X_test, y_train, y_test = train_test_split(diabetes.data, diabetes.target, test_size=0.2)

# 创建线性回归模型并进行训练
model = LinearRegression()
model.fit(X_train, y_train)

# 进行预测
y_pred = model.predict(X_test)
print(y_pred)

2、TensorFlow:

import tensorflow as tf

# 创建一个常量张量
tensor1 = tf.constant([1, 2, 3, 4, 5])

# 创建一个变量张量
tensor2 = tf.Variable(10)

# 打印张量的值
print(tensor1)
print(tensor2)

五、文本处理

1、NLTK:

import nltk
from nltk.corpus import stopwords

# 下载停用词
nltk.download('stopwords')

# 去除停用词
stop_words = set(stopwords.words('english'))
text = "This is an example sentence."
tokens = nltk.word_tokenize(text)
filtered_tokens = [word for word in tokens if word.lower() not in stop_words]
print(filtered_tokens)

2、Spacy:

import spacy

# 加载预训练模型
nlp = spacy.load('en_core_web_sm')

# 处理文本
text = "This is an example sentence."
doc = nlp(text)

# 提取词性
for token in doc:
    print(token.text, token.pos_)

以上是常用的Python库和示例的介绍,它们在不同领域具有广泛的应用。

版权声明:该文观点仅代表作者本人。处理文章:请发送邮件至 三1五14八八95#扣扣.com 举报,一经查实,本站将立刻删除。