人工智能python代码
时间: 2024-10-06 12:04:53 浏览: 26
AI:AI Python代码
人工智能(AI)通常涉及机器学习(ML)和深度学习(DL),Python为此提供了一系列强大的库,如TensorFlow、Keras、PyTorch等。下面是一个简单的例子,展示如何使用Python和scikit-learn库实现线性回归模型,这是最基础的监督学习任务之一:
```python
# 导入必要的库
import numpy as np
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LinearRegression
# 创建示例数据
X = np.array([[1], [2], [3], [4], [5]])
y = np.array([2, 4, 5, 4, 5])
# 划分训练集和测试集
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=0)
# 创建并训练模型
model = LinearRegression()
model.fit(X_train, y_train)
# 预测
predictions = model.predict(X_test)
# 输出预测结果
print("Predictions:", predictions)
```
在这个例子中,我们创建了一个简单的数据集,然后训练了一个线性回归模型来拟合数据,并对测试集进行了预测。实际的AI项目会更复杂,涉及到神经网络、卷积神经网络、循环神经网络等,以及更多的预处理步骤和模型优化。
阅读全文