日韩久久久精品,亚洲精品久久久久久久久久久,亚洲欧美一区二区三区国产精品 ,一区二区福利

模擬退火算法之特征選擇的python實(shí)現(xiàn)(二)

系統(tǒng) 1869 0

目錄

1.?模擬退火算法之特征選擇的python實(shí)現(xiàn)(類(lèi)封裝)

2. 實(shí)驗(yàn)結(jié)果

按照模擬退火算法基本流程的python實(shí)現(xiàn),可以參考模擬退火算法之特征選擇的python實(shí)現(xiàn)(一)

特此申明:代碼是作者辛辛苦苦碼的, 轉(zhuǎn)載請(qǐng)注明出處

1.?模擬退火算法之特征選擇的python實(shí)現(xiàn)(類(lèi)封裝)

            
              import numpy as np
from sklearn.metrics import mean_squared_error
import numpy as np
from sklearn.neural_network import MLPRegressor
import scipy.io as sio
from sklearn.model_selection import train_test_split


class SimulatedAnnealing(object):
    """Feature selection with simulated annealing algorithm.

    parameters
    ----------
    initT: int or float, default: 100
        The maximum temperature
    minT: int or float, default: 1
        The minimum temperature
    alpha:float, default:0.98
        Decay coefficient of temperature
    iteration: int, default:50
        Balance times at present temperature
    features: int
        The number of attributes in the original data
    init_features_sel: int
        The index of selected fatures
    estimator: object
        A supervised learning estimator with a `fit` method.

    Attributes
    ----------
    temp_history: array
        record the temperatures
    best_cost_history: array
        record the MSEs
    best_solution_history: array
        record the solutions
    """

    def __init__(self, features, init_features_sel, estimator, initT=100, minT=1, alpha=0.98, iteration=50):

        self.initT = initT
        self.minT = minT
        self.alpha = alpha
        self.iteration = iteration
        self.feature_size = features
        self.init_feature_sel = init_features_sel
        self.estimator = estimator

    def get_initial_solution(self):
        sol = np.arange(self.feature_size - 1)
        np.random.shuffle(sol)
        return sol[:self.init_feature_sel]

    def get_cost(self, solution, x_train, x_test, y_train, y_test):
        """ compute the evaluated results of current solution

        :param solution: array of shape (selected, )
        :param x_train: array of shape (n_samples, n_features)
        :param x_test: array of shape (n_samples, n_features)
        :param y_train: array of shape (n_samples, )
        :param y_test: array of shape (n_samples, n_features)
        :return: mse
        """
        limited_train_data = self.get_data_subset(x_train, solution)
        limited_test_data = self.get_data_subset(x_test, solution)
        estimator = self.estimator.fit(limited_train_data, y_train)
        y_test_pred = estimator.predict(limited_test_data)
        return round(mean_squared_error(y_test, y_test_pred), 4)

    @staticmethod
    def get_data_subset(x_data, soln):
        return x_data[:, soln]

    def get_neighbor(self, current_solution, temperature):
        """

        :param current_solution: array of shape (selected, )
        :param temperature: int or float.
        :return: selected :the index of selected features, array of shape (selected, ).
        """
        all_features = range(self.feature_size-1)
        selected = current_solution
        not_selected = np.setdiff1d(all_features, selected)

        # swap one selected feature with one non-selected feature
        num_swaps = int(
            min(np.ceil(np.abs(np.random.normal(0, 0.1 * len(selected) * temperature))), np.ceil(0.1 * len(selected))))
        feature_out = np.random.randint(0, len(selected), num_swaps)  # 產(chǎn)生num_swaps個(gè)樣本索引(從range(len(selected))中)
        selected = np.delete(selected, feature_out)
        feature_in = np.random.randint(0, len(not_selected), num_swaps)  # 產(chǎn)生num_swaps個(gè)樣本索引(從range(len(not_selected))中)
        selected = np.append(selected, not_selected[feature_in])
        return selected

    @staticmethod
    def get_probability(temperature, delta_cost):
        return np.exp(delta_cost/temperature)

    def fit(self, x_train, x_test, y_train, y_test):
        """

        :param x_train: array of shape (n_samples, n_features)
        :param x_test: array of shape (n_samples, n_features)
        :param y_train: array of shape (n_samples, )
        :param y_test: array of shape (n_samples, )
        :return:
        best_solution: the index of final selected attributes, array of shape (selected, )
        best_cost : minimum mse
        """
        temperature = self.initT  # 當(dāng)前溫度
        solution = self.get_initial_solution()
        cost = self.get_cost(solution, x_train, x_test, y_train, y_test)

        temp_history = [temperature]
        best_cost_history = []
        best_solution_history = []

        best_cost = cost
        best_solution = solution

        while temperature > self.minT:
            for k in range(self.iteration):
                next_solution = self.get_neighbor(solution, temperature)
                next_cost = self.get_cost(next_solution, x_train, x_test, y_train, y_test)

                probability = 0
                if next_cost > cost:  # 計(jì)算向差方向移動(dòng)的概率 (即移動(dòng)后的解比當(dāng)前解要差)
                    probability = self.get_probability(temperature, cost-next_cost)
                if next_cost < cost or np.random.random() < probability:  # 朝著最優(yōu)解移動(dòng)或以一定概率向差方向移動(dòng)
                    cost = next_cost
                    solution = next_solution
                if next_cost < best_cost:  # 最優(yōu)值和最優(yōu)解
                    best_cost = cost
                    best_solution = solution

            print("當(dāng)前溫度:", round(temperature, 2))
            print("當(dāng)前溫度下最好的得分:", best_cost)
            print("當(dāng)前溫度下波長(zhǎng)數(shù)量:", len(solution))

            temperature *= self.alpha
            temp_history.append(temperature)
            best_cost_history.append(best_cost)
            best_solution_history.append(best_solution)

        self.temp_history_ = temp_history
        self.best_cost_history_ = best_cost_history
        self.best_solution_history = best_solution_history
        return best_solution, best_cost


# 1.數(shù)據(jù)獲取
mat = sio.loadmat('NDFNDF_smote.mat')
data = mat['NDFNDF_smote']
x, y = data[:, :1050], data[:, 1050]
print('原始數(shù)據(jù)大小:', x.shape, y.shape)

# 2.樣本集劃分和預(yù)處理
x_train, x_test, y_train, y_test = train_test_split(x, y, test_size=0.2, random_state=1)
print("訓(xùn)練集;", x_train.shape, y_train.shape)
print("測(cè)試集:", x_test.shape, y_test.shape)

# 3.使用模擬退火算法優(yōu)化特征數(shù)量
feature_size = x.shape[1]
sel_feature = 10
estimator = MLPRegressor(hidden_layer_sizes=43)
sa = SimulatedAnnealing(initT=100,
                        minT=1,
                        alpha=0.95,
                        iteration=50,
                        features=feature_size,
                        init_features_sel=sel_feature,
                        estimator=estimator)
sa.fit(x_train, x_test, y_train, y_test)

            
          

2. 實(shí)驗(yàn)結(jié)果

模擬退火算法之特征選擇的python實(shí)現(xiàn)(二)_第1張圖片

?


更多文章、技術(shù)交流、商務(wù)合作、聯(lián)系博主

微信掃碼或搜索:z360901061

微信掃一掃加我為好友

QQ號(hào)聯(lián)系: 360901061

您的支持是博主寫(xiě)作最大的動(dòng)力,如果您喜歡我的文章,感覺(jué)我的文章對(duì)您有幫助,請(qǐng)用微信掃描下面二維碼支持博主2元、5元、10元、20元等您想捐的金額吧,狠狠點(diǎn)擊下面給點(diǎn)支持吧,站長(zhǎng)非常感激您!手機(jī)微信長(zhǎng)按不能支付解決辦法:請(qǐng)將微信支付二維碼保存到相冊(cè),切換到微信,然后點(diǎn)擊微信右上角掃一掃功能,選擇支付二維碼完成支付。

【本文對(duì)您有幫助就好】

您的支持是博主寫(xiě)作最大的動(dòng)力,如果您喜歡我的文章,感覺(jué)我的文章對(duì)您有幫助,請(qǐng)用微信掃描上面二維碼支持博主2元、5元、10元、自定義金額等您想捐的金額吧,站長(zhǎng)會(huì)非常 感謝您的哦!!!

發(fā)表我的評(píng)論
最新評(píng)論 總共0條評(píng)論
主站蜘蛛池模板: 房产| 隆德县| 都江堰市| 阿巴嘎旗| 海城市| 重庆市| 新宁县| 北票市| 本溪市| 柳江县| 札达县| 百色市| 兰考县| 葫芦岛市| 叶城县| 乐都县| 开江县| 徐汇区| 六枝特区| 永善县| 比如县| 高青县| 永宁县| 临颍县| 蒙自县| 麻阳| 永安市| 广东省| 礼泉县| 鹤山市| 和政县| 鹤峰县| 林周县| 马龙县| 安阳市| 乌拉特前旗| 项城市| 安庆市| 双江| 玛沁县| 江源县|