统计学习方法之感知机Perceptron

1. 感知机模型详解

感知机由1957年提出,感知机模型较为简单,是NN和SVM的基础模型。
结构如下图


perceptron.jpg

定义:
给定训练集合

2.原始学习方法

一个常见的想法是给定误分类点集合M,

3.学习方法的对偶形式

对偶形式的思想在于,

4.代码实现

抽象类 classifier.py
感知机模型 perceptron.py
测试 test_perceptron.py

#classifier.py
class Classifier(metaclass=ABCMeta):
    """Base class for all classifiers

        Warning: This class should not be used directly.
        Use derived classes instead.
    """

    @abstractmethod
    def fit(self, X, y):
        """Given train data X and labels y,and feature labels,  fit the classifier

        Parameters
        ----------
        X : array_like or sparse matrix, shape = [n_samples, n_features]
            The input samples. Internally, it will be converted to
            ``dtype=np.float32`` and if a sparse matrix is provided
            to a sparse ``csr_matrix``.

        y : array_like, length = n_samples

        Returns
        -------
        None
        """
        raise NotImplementedError()

    @abstractmethod
    def predict(self, X):
        """Given train data X and labels y, fit the classifier

        Parameters
        ----------
        X : array_like or sparse matrix, shape = [n_samples, n_features]
            The input samples. Internally, it will be converted to
            ``dtype=np.float32`` and if a sparse matrix is provided
            to a sparse ``csr_matrix``.

        Returns
        -------
        predit labels,array_like, length=n_samples
        """
        raise NotImplementedError()
#perceptron.py

import numpy as np
from numpy import shape
from base import Classifier
from utils import accuracy_score
from utils import sign

class Perceptron(Classifier):
    '''
    Implementation of Perceptron
    '''

    def __init__(self, max_iterations=100, esplion=1e-3, learning_rate=0.1, threshold=0.9):
        assert max_iterations > 0
        assert 1 > esplion > 0
        assert 0 < learning_rate <= 1

        self.max_iterations = max_iterations
        self.esplion = esplion
        self.learning_rate = learning_rate
        self.threshold = threshold

    def fit(self, X, y):
        '''
        fit process of perceptron
        '''
        self.X = X
        self.y = y
        self._check_params()

        n_samples, n_features = shape(self.X)
        # Gram matrix
        gram_matrix = np.dot(self.X, self.X.T)
        self.alpha = np.zeros(n_samples)
        self.b = 0
        for iter in range(self.max_iterations):
            for ind in range(n_samples):
                # misclassification point
                if self.y[ind] * sum(self.alpha * (gram_matrix[:, ind].T * self.y)) <= 0:
                    self.alpha[ind] = self.alpha[ind] + self.learning_rate
                    self.b = self.b + self.y[ind] * self.learning_rate

            # compare accuracy
            if self.score(X, y) > self.threshold:
                break

    def score(self, X, y):
        return accuracy_score(y, self.predict(X))

    def _check_params(self):
        '''
        check params
        '''
        # assert type(self.X).__name__=='ndarray'
        # assert type(self.y).__name__=='ndarray'
        assert shape(self.X)[0] == len(self.y)

    def _predict_sample(self, sample):
        return sign(sum((sum((self.alpha * self.X.T * self.y).T)) * sample) + self.b)

    def predict(self, X):
        return np.array([self._predict_sample(sample) for sample in X])
#test_perceptron.py

import numpy as np
from linear import Perceptron

class TestPerceptron(object):
    def test_perceptron(self):
        clf = Perceptron(learning_rate=1)
        X, y = np.array([[3, 3], [4, 3], [1, 1]]), np.array([1, 1, -1])
        clf.fit(X, y)
        assert clf.score(X, y) > 0.9

5.FAQ

  • Q1 感知机和NN以及SVM的区别与联系?
    A:
©著作权归作者所有,转载或内容合作请联系作者
  • 序言:七十年代末,一起剥皮案震惊了整个滨河市,随后出现的几起案子,更是在滨河造成了极大的恐慌,老刑警刘岩,带你破解...
    沈念sama阅读 195,018评论 5 460
  • 序言:滨河连续发生了三起死亡事件,死亡现场离奇诡异,居然都是意外死亡,警方通过查阅死者的电脑和手机,发现死者居然都...
    沈念sama阅读 82,046评论 2 372
  • 文/潘晓璐 我一进店门,熙熙楼的掌柜王于贵愁眉苦脸地迎上来,“玉大人,你说我怎么就摊上这事。” “怎么了?”我有些...
    开封第一讲书人阅读 142,215评论 0 320
  • 文/不坏的土叔 我叫张陵,是天一观的道长。 经常有香客问我,道长,这世上最难降的妖魔是什么? 我笑而不...
    开封第一讲书人阅读 52,303评论 1 266
  • 正文 为了忘掉前任,我火速办了婚礼,结果婚礼上,老公的妹妹穿的比我还像新娘。我一直安慰自己,他们只是感情好,可当我...
    茶点故事阅读 61,181评论 4 357
  • 文/花漫 我一把揭开白布。 她就那样静静地躺着,像睡着了一般。 火红的嫁衣衬着肌肤如雪。 梳的纹丝不乱的头发上,一...
    开封第一讲书人阅读 46,171评论 1 272
  • 那天,我揣着相机与录音,去河边找鬼。 笑死,一个胖子当着我的面吹牛,可吹牛的内容都是我干的。 我是一名探鬼主播,决...
    沈念sama阅读 36,577评论 3 384
  • 文/苍兰香墨 我猛地睁开眼,长吁一口气:“原来是场噩梦啊……” “哼!你这毒妇竟也来了?” 一声冷哼从身侧响起,我...
    开封第一讲书人阅读 35,260评论 0 253
  • 序言:老挝万荣一对情侣失踪,失踪者是张志新(化名)和其女友刘颖,没想到半个月后,有当地人在树林里发现了一具尸体,经...
    沈念sama阅读 39,546评论 1 292
  • 正文 独居荒郊野岭守林人离奇死亡,尸身上长有42处带血的脓包…… 初始之章·张勋 以下内容为张勋视角 年9月15日...
    茶点故事阅读 34,630评论 2 311
  • 正文 我和宋清朗相恋三年,在试婚纱的时候发现自己被绿了。 大学时的朋友给我发了我未婚夫和他白月光在一起吃饭的照片。...
    茶点故事阅读 36,390评论 1 326
  • 序言:一个原本活蹦乱跳的男人离奇死亡,死状恐怖,灵堂内的尸体忽然破棺而出,到底是诈尸还是另有隐情,我是刑警宁泽,带...
    沈念sama阅读 32,260评论 3 313
  • 正文 年R本政府宣布,位于F岛的核电站,受9级特大地震影响,放射性物质发生泄漏。R本人自食恶果不足惜,却给世界环境...
    茶点故事阅读 37,633评论 3 299
  • 文/蒙蒙 一、第九天 我趴在偏房一处隐蔽的房顶上张望。 院中可真热闹,春花似锦、人声如沸。这庄子的主人今日做“春日...
    开封第一讲书人阅读 28,920评论 0 17
  • 文/苍兰香墨 我抬头看了看天上的太阳。三九已至,却和暖如春,着一层夹袄步出监牢的瞬间,已是汗流浃背。 一阵脚步声响...
    开封第一讲书人阅读 30,210评论 1 251
  • 我被黑心中介骗来泰国打工, 没想到刚下飞机就差点儿被人妖公主榨干…… 1. 我叫王不留,地道东北人。 一个月前我还...
    沈念sama阅读 41,569评论 2 342
  • 正文 我出身青楼,却偏偏与公主长得像,于是被迫代替她去往敌国和亲。 传闻我的和亲对象是个残疾皇子,可洞房花烛夜当晚...
    茶点故事阅读 40,767评论 2 335

推荐阅读更多精彩内容