感知机及python实现

感知机(Perceptron)是神经网络的基本构件之一,最初由Frank Rosenblatt在1957年提出。感知机是一种二分类的线性分类器,通过一个简单的线性函数将输入数据分类到两种类别之一。

基本原理

感知机的工作原理如下:

  1. 输入:接受多个输入特征,每个特征有一个权重。

  2. 加权和:计算输入特征与对应权重的加权和。

  3. 激活函数:将加权和通过一个激活函数(通常是阶跃函数或符号函数)转换为输出。

  4. 更新权重:根据预测结果与实际结果之间的差异,调整权重,直到模型能够正确分类。

感知机的输出公式如下:如果 w⋅x+b≥0,y=1,如果 w⋅x+b<0,y=0

其中,w是权重向量,x是输入向量,b 是偏置项。

如何设计感知机

设计一个感知机模型包括以下步骤:

  1. 初始化权重和偏置

    • 将权重向量 w初始化为零或小的随机值。

    • 偏置项 b 初始化为1。

  2. 定义激活函数

    • 使用阶跃函数或符号函数作为激活函数。
  3. 训练模型

    • 输入训练数据集,包含输入特征和对应的标签。

    • 迭代更新权重和偏置,直到收敛或达到预设的迭代次数。

    • 使用如下公式更新权重和偏置:

其中,η为学习率。

示例

python 复制代码
import numpy as np

# 感知机类
class Perceptron:
    def __init__(self, learning_rate, n_iterations):
        self.lr = learning_rate
        self.n_iterations = n_iterations
        self.weights = None
        self.bias = None

    # 训练模型
    def fit(self, X, y):
        n_samples, n_features = X.shape
        
        # 初始化权重和偏置
        self.weights = np.zeros(n_features)
        self.weights_bias = 0
        self.bias = 1
        
        y_ = np.array([1 if i > 0 else 0 for i in y])
        
        # 迭代
        for _ in range(self.n_iterations):
            for idx, x_i in enumerate(X):
                linear_output = np.dot(x_i, self.weights) + self.bias * self.weights_bias
                y_pred = 1 if linear_output >= 0 else 0
                
                # 如果预测错误,则更新权重和偏置
                if y_pred != y_[idx]:
                    self.weights +=  self.lr * (y_[idx] - y_pred) * x_i
                    self.weights_bias +=  self.lr * (y_[idx] - y_pred)
                    
                # 打印权重更新结果
                print(self.weights, self.weights_bias)    
                    
    # 预测
    def predict(self, X):
        linear_output = np.dot(X, self.weights) + self.bias
        y_pred = [1 if i >= 0 else 0 for i in linear_output]
        return np.array(y_pred)

# 示例数据,X为数据点集,y为其分类集
X = np.array([[0, 0], [0, 1], [1, 0], [1, 1]])
y = np.array([-1, -1, -1, 1])

# 创建感知机实例
p = Perceptron(learning_rate = 1, n_iterations=10)

# 训练模型
p.fit(X, y)

# 待预测数据
z = np.array([[3,9], [9,3], [3,-9], [-3,9]])

# 预测
print(p.predict(z))
相关推荐
Hoper.J3 分钟前
Epoch、Batch、Step 之间的关系
人工智能·深度学习·机器学习·ai
一只小灿灿21 分钟前
计算机视觉中的图像滤波与增强算法
人工智能·算法·计算机视觉
Illusionna.25 分钟前
Word2Vec 模型 PyTorch 实现并复现论文中的数据集
人工智能·pytorch·算法·自然语言处理·nlp·matplotlib·word2vec
平凡灵感码头31 分钟前
机器学习算法概览
人工智能·算法·机器学习
UQI-LIUWJ38 分钟前
论文结论:GPTs and Hallucination Why do large language models hallucinate
人工智能·语言模型·自然语言处理
ZHOU_WUYI39 分钟前
2.metagpt中的软件公司智能体 (ProductManager 角色)
人工智能·metagpt
不如语冰1 小时前
pytorch学习笔记汇总
人工智能·pytorch·笔记·python·深度学习·神经网络·学习
ZHOU_WUYI1 小时前
1.metagpt中的软件公司智能体 (PrepareDocuments Action)
人工智能·metagpt
OpenBayes1 小时前
OpenBayes 教程上新丨腾讯 Hunyuan3D-1.0 上线,10s 实现 3D 图像生成
人工智能·深度学习·3d·ai·3d 模型·腾讯混元·教程上新
蓝卓云1 小时前
蓝卓生态说 | 东实总经理张岑:以行业、产品、服务为关键词,持续提升用户体验
大数据·人工智能·数据分析·云计算