国产 无码 综合区,色欲AV无码国产永久播放,无码天堂亚洲国产AV,国产日韩欧美女同一区二区

酒店預訂訂單的分析與建?!緵Q策樹、xgboost】

這篇具有很好參考價值的文章主要介紹了酒店預訂訂單的分析與建?!緵Q策樹、xgboost】。希望對大家有所幫助。如果存在錯誤或未考慮完全的地方,請大家不吝賜教,您也可以點擊"舉報違法"按鈕提交疑問。

酒店預訂訂單的分析與建模【決策樹、xgboost】

本項目包含

1.數(shù)據(jù)處理
2.數(shù)據(jù)探索性分析
3.網(wǎng)格搜索對決策樹、xgboost進行模型參數(shù)調優(yōu)
4.基于五折交叉驗證的決策樹、xgboost模型預測

專欄和往期項目

??往期文章可以關注我的專欄
下巴同學的數(shù)據(jù)加油小站

會不定期分享數(shù)據(jù)挖掘、機器學習、風控模型、深度學習、NLP等方向的學習項目,關注不一定能學到你想學的東西,但是可以學到我想學和正在學的東西??

往期項目-數(shù)據(jù)分析建模方向

1.基于線性回歸對男性體脂率的預測

2.大五人格測試數(shù)據(jù)集的探索【可視化+k-means聚類分析】

3.使用線性回歸、LGBM對二手車價格進行預測
本文代碼、數(shù)據(jù)點擊下方鏈接可獲?。?br> 4.關于酒店預訂數(shù)據(jù)集的探索【EDA+五折交叉驗證決策樹、xgboost預測】

數(shù)據(jù)與背景描述

背景描述

在線酒店預訂渠道已經(jīng)極大地改變了預訂的可能性和客戶的行為。
酒店預訂取消的典型原因包括計劃的改變、日程安排的沖突等,對酒店客人來說,因為可以選擇免費或最好是低價從而更容易取消預訂,但對酒店來說,這是一個不太理想的、可能會減少收入的因素,需要解決的問題。

數(shù)據(jù)說明

column 列名
Booking_ID 每個預訂的唯一標識符
no_of_adults 成人的數(shù)量
no_of_children 兒童的數(shù)量
no_of_weekend_nights 客人入住或預訂入住酒店的周末晚數(shù)(周六或周日)
no_of_week_nights 客人在酒店住宿或預訂住宿的周晚數(shù)(周一至周五)
type_of_meal_plan 客戶預訂的膳食計劃的類型
required_car_parking_space 顧客是否需要一個停車位?(0-不,1-是)
room_type_reserved 顧客預訂的房間類型。這些值是由INN酒店集團加密(編碼)的
lead_time 預訂日期和抵達日期之間的天數(shù)
arrival_year 抵達日期的年份
arrival_month 抵達日期的月份
arrival_date 該月的日期
market_segment_type 市場部分的指定
repeated_guest 該客戶是否為重復客人?(0 - 否, 1- 是)
no_of_previous_cancellations 在當前預訂之前,客戶取消的先前預訂的數(shù)量
no_of_previous_bookings_not_canceled 在當前預訂前未被客戶取消的先前預訂的數(shù)量
avg_price_per_room 每天預訂的平均價格;房間的價格是動態(tài)的。(單位:歐元)
no_of_special_requests 客戶提出的特殊要求的總數(shù)(例如,高樓層,從房間看風景等)
booking_status 表示預訂是否被取消的標志

導入并檢查數(shù)據(jù)

導入數(shù)據(jù)

import pandas as pd
df = pd.read_csv('/home/mw/input/data9304/Hotel Reservations.csv') 
df.head()

檢查數(shù)據(jù)

數(shù)據(jù)無缺失,無重復

df.info()
<class 'pandas.core.frame.DataFrame'>
RangeIndex: 36275 entries, 0 to 36274
Data columns (total 19 columns):
Booking_ID                              36275 non-null object
no_of_adults                            36275 non-null int64
no_of_children                          36275 non-null int64
no_of_weekend_nights                    36275 non-null int64
no_of_week_nights                       36275 non-null int64
type_of_meal_plan                       36275 non-null object
required_car_parking_space              36275 non-null int64
room_type_reserved                      36275 non-null object
lead_time                               36275 non-null int64
arrival_year                            36275 non-null int64
arrival_month                           36275 non-null int64
arrival_date                            36275 non-null int64
market_segment_type                     36275 non-null object
repeated_guest                          36275 non-null int64
no_of_previous_cancellations            36275 non-null int64
no_of_previous_bookings_not_canceled    36275 non-null int64
avg_price_per_room                      36275 non-null float64
no_of_special_requests                  36275 non-null int64
booking_status                          36275 non-null object
dtypes: float64(1), int64(13), object(5)
memory usage: 5.3+ MB
df.duplicated().sum()

0

EDA

數(shù)據(jù)含義與分析目的

數(shù)據(jù)含義

首先看看數(shù)據(jù)都有哪些
數(shù)據(jù)一共19列
預定ID,是唯一標識符,僅用于區(qū)分數(shù)據(jù)
顧客數(shù)量有兩列:成人數(shù)量和兒童數(shù)量兩列
顧客預定天數(shù):分為工作日和周末兩列
顧客需求類數(shù)據(jù):用餐類型,停車位,房間類型,顧客特殊要求數(shù)量四列
日期、時間類型數(shù)據(jù):預定與抵達日間隔天數(shù),抵達日期年份、月份,抵達日期四列
預定方法(在線、離線)
是否為歷史用戶
本次前客戶是否取消數(shù)目:取消數(shù)目、未取消數(shù)目兩列
預定房價的平均價格
是否被取消(目標變量)

明確目的

然后明確數(shù)據(jù)探索性分析的目的:我們想找出是否取消預定與上述其他特征是否存在一定的關系。
所以我們可以進行對比分析,這里只進行簡單的分析,變量間關系暫不分析

成人、兒童數(shù)目的分析

import matplotlib.pyplot as plt
import seaborn as sns
%matplotlib inline
plt.figure(figsize = (16, 12))
plt.suptitle("成人、兒童顧客的數(shù)目",fontweight="bold", fontsize=30)

plt.subplot(2,2,1)
plt.gca().set_title('成人數(shù)目對比分布')
sns.countplot(x = 'booking_status', hue = 'no_of_adults',  edgecolor="black", alpha=0.7, data = df)

plt.subplot(2,2,2)
plt.gca().set_title('成人數(shù)目總分布')
sns.countplot(x = 'no_of_adults', edgecolor="black", alpha=0.7,data = df)

plt.subplot(2,2,3)
plt.gca().set_title('兒童數(shù)目對比分布')
sns.countplot(x = 'booking_status', hue = 'no_of_children',  edgecolor="black", alpha=0.7, data = df)

plt.subplot(2,2,4)
plt.gca().set_title('兒童總數(shù)目分布')
sns.countplot(x = 'no_of_children',   edgecolor="black", alpha=0.7,data = df)

酒店預訂訂單的分析與建?!緵Q策樹、xgboost】

顧客預定天數(shù)的分布

plt.figure(figsize = (16, 12))
plt.suptitle("顧客預定天數(shù)的分布",fontweight="bold", fontsize=30)
plt.subplot(2,2,1)
plt.gca().set_title('工作日預定天數(shù)對比')
sns.countplot(x = 'booking_status', hue = 'no_of_week_nights',  edgecolor="black", alpha=0.7, data = df)

plt.subplot(2,2,2)
plt.gca().set_title('工作日預定總天數(shù)分布')
sns.countplot(x = 'no_of_week_nights',  edgecolor="black", alpha=0.7,data = df)

plt.subplot(2,2,3)
plt.gca().set_title('周末預定天數(shù)對比')
sns.countplot(x = 'booking_status', hue = 'no_of_weekend_nights',  edgecolor="black", alpha=0.7, data = df)

plt.subplot(2,2,4)
plt.gca().set_title('周末預定總天數(shù)分布')
sns.countplot(x = 'no_of_weekend_nights',  edgecolor="black", alpha=0.7,data = df)

酒店預訂訂單的分析與建?!緵Q策樹、xgboost】

顧客需求類數(shù)據(jù)分析

plt.figure(figsize = (20, 24))
plt.suptitle("顧客需求類數(shù)據(jù)分析",fontweight="bold", fontsize=30)
plt.subplot(4,2,1)
plt.gca().set_title('用餐計劃類型對比')
sns.countplot(x = 'booking_status', hue = 'type_of_meal_plan',  edgecolor="black", alpha=0.7, data = df)

plt.subplot(4,2,2)
plt.gca().set_title('用餐計劃類型數(shù)據(jù)分布')
sns.countplot(x = 'type_of_meal_plan',  edgecolor="black", alpha=0.7,data = df)

plt.subplot(4,2,3)
plt.gca().set_title('是否需要停車位對比')
sns.countplot(x = 'booking_status', hue = 'required_car_parking_space',  edgecolor="black", alpha=0.7, data = df)

plt.subplot(4,2,4)
plt.gca().set_title('是否需要停車位數(shù)據(jù)分布')
sns.countplot(x = 'required_car_parking_space',  edgecolor="black", alpha=0.7,data = df)

plt.subplot(4,2,5)
plt.gca().set_title('房間類型對比')
sns.countplot(x = 'booking_status', hue = 'room_type_reserved',  edgecolor="black", alpha=0.7, data = df)

plt.subplot(4,2,6)
plt.gca().set_title('房間類型數(shù)據(jù)分布')
sns.countplot(x = 'room_type_reserved',  edgecolor="black", alpha=0.7,data = df)

plt.subplot(4,2,7)
plt.gca().set_title('特殊需求對比')
sns.countplot(x = 'booking_status', hue = 'no_of_special_requests',  edgecolor="black", alpha=0.7, data = df)

plt.subplot(4,2,8)
plt.gca().set_title('特殊需求數(shù)據(jù)分布')
sns.countplot(x = 'no_of_special_requests',  edgecolor="black", alpha=0.7,data = df)

酒店預訂訂單的分析與建?!緵Q策樹、xgboost】

日期、時間類型數(shù)據(jù)分析

日期、時間類型數(shù)據(jù):預定與抵達日間隔天數(shù),抵達日期年份、月份,抵達日期四列
lead_time arrival_year arrival_month arrival_date

plt.figure(figsize = (16, 12))
plt.suptitle("日期、時間類型數(shù)據(jù)分析",fontweight="bold", fontsize=30)

plt.subplot(2,2,1)
plt.gca().set_title('間隔天數(shù)')
sns.kdeplot(x='lead_time', hue='booking_status', shade=True, data=df)
# sns.kdeplot( data=df.lead_time,shade=True)
plt.subplot(2,2,2)
plt.gca().set_title('到達年份')
sns.kdeplot(x='arrival_year', hue='booking_status', shade=True, data=df)

plt.subplot(2,2,3)
plt.gca().set_title('到達月份')
sns.kdeplot(x='arrival_month', hue='booking_status',  shade=True, data=df)

plt.subplot(2,2,4)
plt.gca().set_title('到達日期')
sns.kdeplot(x='arrival_date', hue='booking_status', shade=True, data=df)

酒店預訂訂單的分析與建模【決策樹、xgboost】

其他數(shù)據(jù)分析

預定方法(在線、離線等)market_segment_type
是否為歷史用戶repeated_guest
本次前客戶是否取消數(shù)目:取消數(shù)目、未取消數(shù)目兩列no_of_previous_cancellations、no_of_previous_bookings_not_canceled
預定房價的平均價格avg_price_per_room

plt.figure(figsize = (16, 12))
plt.suptitle("預定方法與歷史用戶",fontweight="bold", fontsize=30)
plt.subplot(2,2,1)
plt.gca().set_title('預定方法對比')
sns.countplot(x = 'booking_status', hue = 'market_segment_type',  edgecolor="black", alpha=0.7, data = df)

plt.subplot(2,2,2)
plt.gca().set_title('預定方法總數(shù)')
sns.countplot(x = 'market_segment_type',  edgecolor="black", alpha=0.7,data = df)

plt.subplot(2,2,3)
plt.gca().set_title('是否為歷史用戶對比')
sns.countplot(x = 'booking_status', hue = 'repeated_guest',  edgecolor="black", alpha=0.7,data = df)

plt.subplot(2,2,4)
plt.gca().set_title('是否為歷史用戶總數(shù)')
sns.countplot(x = 'repeated_guest',  edgecolor="black", alpha=0.7,data = df)

酒店預訂訂單的分析與建?!緵Q策樹、xgboost】

ax = sns.catplot('booking_status', 'no_of_previous_cancellations',height=4, aspect=2, data=df)
ax.fig.suptitle("歷史訂單取消數(shù)目",
                  fontsize=20, fontdict={"weight": "bold"})

酒店預訂訂單的分析與建?!緵Q策樹、xgboost】

ax2 = sns.catplot('booking_status', 'no_of_previous_bookings_not_canceled',height=4, aspect=2, data=df)
ax2.fig.suptitle("歷史訂單未取消數(shù)目",
                  fontsize=20, fontdict={"weight": "bold"})

酒店預訂訂單的分析與建模【決策樹、xgboost】

ax3 = sns.catplot('booking_status', 'avg_price_per_room', kind="boxen",height=4, aspect=2, data=df)
ax3.fig.suptitle("房間平均價格",
                  fontsize=20, fontdict={"weight": "bold"})

酒店預訂訂單的分析與建?!緵Q策樹、xgboost】

相關性熱力圖

plt.figure(figsize=(24,16))
ax = sns.heatmap(df.corr(), square=True, annot=True, fmt='.2f')
ax.set_xticklabels(ax.get_xticklabels(), rotation=90)  
bottom, top = ax.get_ylim()
ax.set_ylim(bottom + 0.5, top - 0.5)

酒店預訂訂單的分析與建?!緵Q策樹、xgboost】

模型預測

特征編碼

df = df.drop('Booking_ID', axis = 1)
from sklearn.preprocessing import LabelEncoder,OneHotEncoder
for feat in ['type_of_meal_plan', 'room_type_reserved','market_segment_type','booking_status']:
    lbl = LabelEncoder()
    lbl.fit(df[feat])
    df[feat] = lbl.transform(df[feat])
df.head()

數(shù)據(jù)處理

X = df.drop('booking_status', axis = 1)
X = X.values
y = df['booking_status']
y.sum()/len(y)

0.6723638869745003

模型構建

五折交叉驗證的決策樹

from sklearn.model_selection import GridSearchCV
from sklearn.model_selection import KFold,RepeatedKFold
import numpy as np
from sklearn.metrics import confusion_matrix,classification_report
from sklearn.metrics import roc_curve,roc_auc_score
from sklearn.tree import DecisionTreeClassifier
param = {'criterion':['gini', 'entropy'],
         'splitter':['best', 'random'],
         'max_depth': range(1,10,2),
         'min_samples_leaf': range(1,10,2)
        }
gs = GridSearchCV(estimator=DecisionTreeClassifier(), param_grid=param, cv=5, scoring="roc_auc", n_jobs=-1, verbose=10) 
gs.fit(X,y)
print(gs.best_params_) 

Fitting 5 folds for each of 100 candidates, totalling 500 fits
[Parallel(n_jobs=-1)]: Using backend LokyBackend with 2 concurrent
workers. [Parallel(n_jobs=-1)]: Done 1 tasks | elapsed: 1.6s
[Parallel(n_jobs=-1)]: Done 4 tasks | elapsed: 1.7s
[Parallel(n_jobs=-1)]: Done 9 tasks | elapsed: 1.7s
[Parallel(n_jobs=-1)]: Done 14 tasks | elapsed: 1.8s
[Parallel(n_jobs=-1)]: Batch computation too fast (0.1818s.) Setting
batch_size=2. [Parallel(n_jobs=-1)]: Batch computation too fast
(0.0935s.) Setting batch_size=8. [Parallel(n_jobs=-1)]: Done 23 tasks
| elapsed: 2.0s [Parallel(n_jobs=-1)]: Done 67 tasks |
elapsed: 3.0s [Parallel(n_jobs=-1)]: Done 139 tasks | elapsed:
5.1s [Parallel(n_jobs=-1)]: Done 211 tasks | elapsed: 7.7s [Parallel(n_jobs=-1)]: Done 299 tasks | elapsed: 10.1s
[Parallel(n_jobs=-1)]: Done 387 tasks | elapsed: 12.7s
{‘criterion’: ‘gini’, ‘max_depth’: 9, ‘min_samples_leaf’: 7,
‘splitter’: ‘best’} [Parallel(n_jobs=-1)]: Done 500 out of 500 |
elapsed: 17.2s finished

n_fold = 5
folds = KFold(n_splits=n_fold, shuffle=True, random_state=2022)
oof_dt = np.zeros(len(X))
for fold_n, (train_index, valid_index) in enumerate(folds.split(X)):
    X_train, X_valid = pd.DataFrame(X).iloc[train_index], pd.DataFrame(X).iloc[valid_index]
    y_train, y_valid = y[train_index], y[valid_index]
    eval_set = [(X_valid, y_valid)]
    model_dt= DecisionTreeClassifier(
        max_depth=9,criterion='gini',splitter='best',min_samples_leaf = 7,random_state=2022
    ).fit(X_train,y_train)
    y_pred_valid = model_dt.predict(X_valid)
    oof_dt[valid_index] = y_pred_valid.reshape(-1, )
print(roc_auc_score(y, oof_dt))

0.8417716385830245

print(classification_report(y, oof_dt))
 precision    recall  f1-score   support

           0       0.82      0.76      0.79     11885
           1       0.89      0.92      0.90     24390

    accuracy                           0.87     36275
   macro avg       0.86      0.84      0.85     36275
weighted avg       0.87      0.87      0.87     36275

五折交叉驗證的xgboost

from xgboost import XGBClassifier
param = {'max_depth': [9,12,15],
         'learning_rate': [0.05,0.1],
         'n_estimators': [500,700,900]
        }
gs = GridSearchCV(estimator=XGBClassifier(), param_grid=param, cv=3, scoring="roc_auc", n_jobs=-1, verbose=10) 
gs.fit(X,y)
print(gs.best_params_) 
Fitting 3 folds for each of 18 candidates, totalling 54 fits
[Parallel(n_jobs=-1)]: Using backend LokyBackend with 2 concurrent workers.
[Parallel(n_jobs=-1)]: Done   1 tasks      | elapsed:   26.1s
[Parallel(n_jobs=-1)]: Done   4 tasks      | elapsed:  1.0min
[Parallel(n_jobs=-1)]: Done   9 tasks      | elapsed:  3.0min
[Parallel(n_jobs=-1)]: Done  14 tasks      | elapsed:  4.5min
[Parallel(n_jobs=-1)]: Done  21 tasks      | elapsed:  8.0min
[Parallel(n_jobs=-1)]: Done  28 tasks      | elapsed: 12.0min
[Parallel(n_jobs=-1)]: Done  37 tasks      | elapsed: 14.6min
[Parallel(n_jobs=-1)]: Done  46 tasks      | elapsed: 18.7min
[Parallel(n_jobs=-1)]: Done  54 out of  54 | elapsed: 23.1min finished
{'learning_rate': 0.05, 'max_depth': 12, 'n_estimators': 500}
n_fold = 5
folds = KFold(n_splits=n_fold, shuffle=True, random_state=2022)
oof_xgb = np.zeros(len(X))
for fold_n, (train_index, valid_index) in enumerate(folds.split(X)):
    X_train, X_valid = pd.DataFrame(X).iloc[train_index], pd.DataFrame(X).iloc[valid_index]
    y_train, y_valid = y[train_index], y[valid_index]
    eval_set = [(X_valid, y_valid)]
    model_xgb = XGBClassifier(
        max_depth=12,learning_rate=0.05,n_estimators=500,random_state=2022
    ).fit(X_train,y_train,early_stopping_rounds=100, eval_metric="auc",eval_set=eval_set, verbose=True)
    y_pred_valid = model_xgb.predict(X_valid)
    oof_xgb[valid_index] = y_pred_valid.reshape(-1, )
print(roc_auc_score(y, oof_xgb))

0.8807500918930099文章來源地址http://www.zghlxwxcb.cn/news/detail-497546.html

print(classification_report(y, oof_xgb))
precision    recall  f1-score   support

           0       0.87      0.82      0.85     11885
           1       0.92      0.94      0.93     24390

    accuracy                           0.90     36275
   macro avg       0.89      0.88      0.89     36275
weighted avg       0.90      0.90      0.90     36275

到了這里,關于酒店預訂訂單的分析與建?!緵Q策樹、xgboost】的文章就介紹完了。如果您還想了解更多內容,請在右上角搜索TOY模板網(wǎng)以前的文章或繼續(xù)瀏覽下面的相關文章,希望大家以后多多支持TOY模板網(wǎng)!

本文來自互聯(lián)網(wǎng)用戶投稿,該文觀點僅代表作者本人,不代表本站立場。本站僅提供信息存儲空間服務,不擁有所有權,不承擔相關法律責任。如若轉載,請注明出處: 如若內容造成侵權/違法違規(guī)/事實不符,請點擊違法舉報進行投訴反饋,一經(jīng)查實,立即刪除!

領支付寶紅包贊助服務器費用

相關文章

  • 酒店預訂小程序源碼 含前后端+搭建教程

    酒店預訂小程序源碼 含前后端+搭建教程

    分享一個酒店預訂在線訂房小程序源碼,程序包含前端+后端,詳細的搭建教程。 系統(tǒng)特色功能一覽: 1、在線訂房,在線訂餐,在線積分兌換商品,在線購買商品,分享分銷功能,返利管理; 2、訂閱消息郵件提醒,語音提醒,新增了微信消息提醒(訪客在酒店小程序下單后,

    2024年02月12日
    瀏覽(22)
  • 民宿/酒店預訂小程序管理系統(tǒng)設計與實現(xiàn)

    民宿/酒店預訂小程序管理系統(tǒng)設計與實現(xiàn)

    目的 :本課題主要目標是設計并能夠實現(xiàn)一個基于微信小程序酒店預訂系統(tǒng),前臺用戶使用小程序,后臺管理使用基PHP+MySql的B/S架構;通過后臺添加房間,用戶通過小程序登錄,查看房間、選房間、填寫信息、下單等。 意義 :微信小程序酒店預約系統(tǒng)是計算機技術與酒店管

    2024年02月11日
    瀏覽(24)
  • 微信小程序酒店賓館民宿房間預訂系統(tǒng)設計與實現(xiàn)

    微信小程序酒店賓館民宿房間預訂系統(tǒng)設計與實現(xiàn)

    ?博主介紹 :黃菊華老師《Vue.js入門與商城開發(fā)實戰(zhàn)》《微信小程序商城開發(fā)》圖書作者,CSDN博客專家,在線教育專家,CSDN鉆石講師;專注大學生畢業(yè)設計教育和輔導。 所有項目都配有從入門到精通的基礎知識視頻課程,免費 項目配有對應開發(fā)文檔、開題報告、任務書、

    2024年02月04日
    瀏覽(29)
  • SpringBoot+微信小程序實現(xiàn)的酒店預訂小程序系統(tǒng) 附帶詳細運行指導視頻

    SpringBoot+微信小程序實現(xiàn)的酒店預訂小程序系統(tǒng) 附帶詳細運行指導視頻

    項目演示地址: 視頻地址 項目描述:這是一個 基于SpringBoot+微信小程序框架 開發(fā)的酒店預訂小程序系統(tǒng)。首先,這是一個 前后端分離 的項目,代碼簡潔規(guī)范,注釋說明詳細,易于理解和學習。其次,這項目功能豐富,具有一個酒店預訂小程序系統(tǒng)該有的所有功能。 項目功

    2024年04月22日
    瀏覽(24)
  • 【華為OD機試python】預訂酒店【 2023 Q1 A卷|100分】

    ■ 題目描述 放暑假了,小明決定到某旅游景點游玩,他在網(wǎng)上搜索到了各種價位的酒店(長度為n的數(shù)組A), 他的心理價位是x元,請幫他篩選出k個最接近x元的酒店(n=k0),并由低到高打印酒店的價格。 輸入描述 第一行:n, k, x 第二行:A[0] A[1] A[2]…A[n-1] 輸出描述 從低到高

    2024年02月03日
    瀏覽(17)
  • 基于JAVA+Springboot+Thymeleaf前后端分離項目:酒店賓館房間預訂系統(tǒng)設計與實現(xiàn)

    基于JAVA+Springboot+Thymeleaf前后端分離項目:酒店賓館房間預訂系統(tǒng)設計與實現(xiàn)

    ?博主介紹 :黃菊華老師《Vue.js入門與商城開發(fā)實戰(zhàn)》《微信小程序商城開發(fā)》圖書作者,CSDN博客專家,在線教育專家,CSDN鉆石講師;專注大學生畢業(yè)設計教育和輔導。 所有項目都配有從入門到精通的基礎知識視頻課程,學習后應對畢業(yè)設計答辯。 項目配有對應開發(fā)文檔、

    2024年02月21日
    瀏覽(24)
  • 【旅游度假】Axure酒店在線預訂APP原型圖 旅游度假子模塊原型模板

    【旅游度假】Axure酒店在線預訂APP原型圖 旅游度假子模塊原型模板

    頁面數(shù)量:共 20+ 頁 兼容軟件:Axure RP 9/10,不支持低版本 應用領域:旅游度假,生活服務 作品申明:頁面內容僅用于功能演示,無實際功能 本作品為「酒店在線預訂」的移動端原型設計圖,主要功能包括:主頁、搜索、酒店詳情、在線預訂、訂單管理等模塊與功能。 本作

    2024年02月12日
    瀏覽(30)
  • 基于微信小程序的民宿短租酒店預訂系統(tǒng)設計與實現(xiàn)(源碼+lw+部署文檔+講解等)

    基于微信小程序的民宿短租酒店預訂系統(tǒng)設計與實現(xiàn)(源碼+lw+部署文檔+講解等)

    ??博主介紹:?全網(wǎng)粉絲10W+,CSDN特邀作者、博客專家、CSDN新星計劃導師、全棧領域優(yōu)質創(chuàng)作者,博客之星、掘金/華為云/阿里云/InfoQ等平臺優(yōu)質作者、專注于Java、小程序技術領域和畢業(yè)項目實戰(zhàn)??? ???? 精彩專欄 推薦訂閱???? 2023-2024年最值得選的微信小程序畢業(yè)設計

    2024年04月26日
    瀏覽(84)
  • 【數(shù)據(jù)分析】基于XGboost(決策樹)的銀行產(chǎn)品認購預測--小林月

    【數(shù)據(jù)分析】基于XGboost(決策樹)的銀行產(chǎn)品認購預測--小林月

    目錄 一、數(shù)據(jù)探索: 1.1 讀取數(shù)據(jù) 1.2查看數(shù)據(jù) 1.3 數(shù)據(jù)預處理 二、字段描述 2.1 非離散型數(shù)據(jù) 2.2離散數(shù)值字段 三、數(shù)據(jù)建模 四、評估指標: 4.1:混淆矩陣 4.2: 準確率,回歸率,F(xiàn)1 五、測試集準確率 六、模型優(yōu)化 環(huán)境:使用python+jupter nodebook 數(shù)據(jù):本文數(shù)據(jù)來源2023年【教

    2024年02月06日
    瀏覽(24)
  • python機器學習數(shù)據(jù)建模與分析——決策樹詳解及可視化案例

    python機器學習數(shù)據(jù)建模與分析——決策樹詳解及可視化案例

    你是否玩過二十個問題的游戲,游戲的規(guī)則很簡單:參與游戲的一方在腦海里想某個事物,其他參與者向他提問題,只允許提20個問題,問題的答案也只能用對或錯回答。問問題的人通過推斷分解,逐步縮小待猜測事物的范圍。決策樹的工作原理與20個問題類似,用戶輸人一系

    2024年02月03日
    瀏覽(16)

覺得文章有用就打賞一下文章作者

支付寶掃一掃打賞

博客贊助

微信掃一掃打賞

請作者喝杯咖啡吧~博客贊助

支付寶掃一掃領取紅包,優(yōu)惠每天領

二維碼1

領取紅包

二維碼2

領紅包