Intelligent Scheduling, Efficient Empowerment: Unveiling the Path to Optimal Resource Allocation in Computing Power Networks#
算力网络,简单来说,就是将计算能力像水电一样进行输送的网络。想象一下,我们平时使用的手机、电脑等设备,都需要处理器来计算和运行各种程序。而算力网络就像是一个超级大的”处理器仓库”,它将分散在各地的计算资源整合起来,通过互联网进行优化分配,以满足不同用户和场景的计算需求。
举个例子,当我们观看高清视频、玩大型游戏或者进行复杂的数据分析时,这些操作都需要大量的计算能力。算力网络就像是一个智能的”电力系统”,能在短时间内为我们提供所需的计算资源,确保我们的使用体验流畅、高效。这样一来,我们就可以随时随地享受到强大的计算能力,而不用担心设备性能不足的问题。
Challenges Faced by Computing Power Networks#
Resource Allocation Efficiency: A computing power network needs to efficiently allocate computational resources to meet the diverse needs of different users and applications. This requires the network to monitor resource usage in real-time and dynamically adjust resource allocation strategies to avoid resource idleness or overload.
Network Latency: Quick response to computational tasks requires a low-latency network environment. A computing power network must address the latency issues in data transmission, especially when handling applications with high real-time requirements, such as autonomous driving.
Low Cost: Building and maintaining a computing power network requires significant financial investment, so it is necessary to minimize costs while ensuring performance.
Components of a Computing Power Network#
A computing power network mainly consists of three parts:
Edge Devices: These are various smart devices that are responsible for collecting data.
Edge Servers: Located near the devices, they are responsible for processing part of the data and alleviating the burden on cloud servers.
Cloud Servers: Located in data centers, they have powerful computing capabilities and are responsible for processing more complex data.
Problem Description#
Consider an optimization problem for the computing power network layout in a specific area. The area is divided into several adjacent square grids, and the computing power demand distribution data provides the computing power demand within each grid. The coordinate values in the data represent the center coordinates of the grid. To simplify the problem, the computing power demand points within each grid are unified to the grid center point (i.e., one grid corresponds to one demand point).
网格内的算力需求由端侧设备产生,端侧设备是连接到网络的终端设备,例如传感器、智能手机、工业机器人等。算力网络中的算力需求由边缘服务器和云端服务器满足。边缘服务器位于网络的”边缘”,通常靠近终端用户或设备。它们的任务是在离用户更近的地方处理数据,以提高响应速度和效率。边缘服务器可以更快地处理请求,因为它们距离用户更近。边缘服务器可以减轻核心云基础设施的负担,提高整体操作效率。云端服务器位于远离用户的数据中心,具有强大的计算和存储能力。当边缘服务器容量不足时,云端服务器可以作为补充。边缘服务器和云端服务器之间的协同作用可以优化整个系统的性能和可靠性。

Problem 1: In Problem 1, we only consider meeting the demand within the computing region using edge servers. Suppose we want to set up 2 edge servers within the grid area with computing power demand distribution, with each edge server having a coverage radius of 1. A QUBO model is required to determine at which points to place the edge servers to cover the maximum computing power demand.
Question 2: When the edge servers cannot meet the computational demand, upstream cloud servers will provide the necessary computing services. Now, a cloud server is added outside the grid area, and both end nodes and edge servers can choose to connect to the cloud node. When the computational demand received by the edge server exceeds its capacity, the excess demand will be directly allocated to the cloud server. The computational demand of each end node must be met and can only be served by one server, which can be either a cloud node or an edge server. Since edge servers have a resource capacity limit, assume that the available computational resource capacity of each edge server is 12, and the available computational resource capacity of the cloud server is infinite, meaning that the cloud server’s available computational resource capacity is not considered. Servers have a certain coverage radius, with the edge server’s coverage radius assumed to be 3, and the cloud server’s coverage radius is infinite, meaning that the cloud server’s coverage range is not considered.
Establishing edge servers typically incurs costs, which consist of fixed costs, computation costs, and transmission costs. The fixed cost is related to whether and where the edge server is established. The computation cost is proportional to the amount of requested computational resources, calculated as the unit computation cost multiplied by the computation amount. The unit computation cost for cloud servers is 1, while for edge servers, it is 2. Additionally, there is a transmission cost between the end node and the edge, from the edge to the cloud, and from the end to the cloud. The transmission cost is calculated by multiplying the computational demand by the transmission distance and the unit transmission cost. The transmission distance is calculated using the Euclidean distance, rounded to two decimal places, and calculated as a one-way distance (round-trip transmission is not considered). The unit transmission cost from the end to the edge and from the edge to the cloud is 1, while the unit transmission cost from the end to the cloud is 2.
To meet all the end-side computational demands within the area, establish a QUBO model to solve for the network layout that minimizes the overall cost, including the location and number of edge servers, and the connections between end-to-edge, edge-to-cloud, and end-to-cloud nodes.
The essence of the problem#
在算力网络布局优化问题中,表面上看,我们可能会联想到经典的资源调度问题或网络流优化问题,并尝试通过传统的贪心算法或动态规划方法来求解”如何在不同区域间分配资源以最小化成本”。这些方法或许能够帮助我们找到某一时刻的局部最优解,但这个问题的复杂性远超表面。我们不仅需要考虑每个计算节点的资源分配,还要全局性地优化整个网络的布局,保证每个资源都得到合理利用,并且在多个区域之间保持高效的计算和通信。
In-depth analysis#
The core of the computational network layout optimization problem is how to find an optimal resource allocation and node layout scheme across the entire network, similar to finding the optimal computational node layout and communication path combination in graph G. This is essentially a combinatorial optimization problem, requiring the selection of the optimal solution from all possible network layouts, and the number of these possible layouts is enormous. For example, if we have n potential edge server deployment locations and m computational task points, the combination of these locations and tasks will grow exponentially, with n^m possible layout combinations.
Obviously, a simple brute-force method is unrealistic because even for a moderately sized network, the number of combinations is astronomical, far beyond the capabilities of classical computers. Just like the path selection problem in the traveling salesman problem, we face a combinatorial challenge here, where every node and resource configuration in the network could affect the overall optimization result.
In other words, as the problem size increases, the time complexity of the algorithm grows non-polynomially, making it difficult to solve within a reasonable time. Therefore, the key to the problem is not how to locally optimize a single resource allocation, but how to globally optimize the entire computational network layout, finding the optimal layout path that minimizes overall computation costs. The complexity of this problem lies not only in the increase in computation but also in the need for multi-dimensional optimization to find a global optimal solution.
Reference model for the first question#
Restatement of the first question#
In a 4x4 grid, each grid represents an area with computational demand. Our goal is to determine in which grids to deploy edge computing nodes to maximize the covered user demand.
Symbol Definitions#
: Coverage radius of edge computing nodes
: Number of planned edge computing nodes to be deployed.
: Set of user locations.
: Set of candidate edge node locations.
: Computational demand at grid
.
: Distance between grid
and grid
.
: Indicates whether the distance between grid
and grid
does not exceed the coverage radius
of the edge node.
Decision Variables#
: A binary variable indicating whether to deploy an edge computing node in grid
.
: A binary variable indicating whether grid
is covered.
Objective Function#
Maximize the total covered computational demand:
Constraints#
The coverage status of each user grid does not exceed the coverage status of the surrounding edge nodes:
The total number of deployed edge computing nodes is equal to
:
Simplified Model (Inclusion-Exclusion Principle)#
When , we can simplify the model using the inclusion-exclusion principle:
Reference Model for Question 2#
Problem Overview#
A 6×6 grid where each grid has a certain computational demand (only 11 grids have non-zero demand), and all computational demands need to be met.
There are 5 candidate locations for edge servers, each with limited computational capacity. When the computational requests received by an edge server exceed its capacity, the excess requests are sent to the cloud server.
One location hosts a cloud server, which has no capacity limit.
Users can connect to either the edge server or the cloud server (but only one); if the edge server’s capacity is insufficient, it can connect to the cloud server.
Minimize cost: fixed cost + variable cost (computational cost) + transmission cost (= unit cost * distance * transmission volume)

Symbol Definitions#
: Edge server capacity.
: Fixed cost of establishing an edge computing node in grid
.
: Unit computational cost at the cloud node.
: Unit computational cost at the edge node.
: Unit transmission cost from user side to edge side.
: Unit transmission cost from user side to cloud side.
: Unit transmission cost from edge side to cloud side.
: Distance between grid
and grid
.
: The distance between grid
and the cloud server.
: Whether the distance between grid
and grid
does not exceed the edge node coverage radius
Intermediate Variables#
: Whether the demand of grid
is served by the edge server located at grid
: Whether the edge server at grid
is connected to the cloud server.
: Whether the demand of grid
is served by the cloud server.
: The number of computational demands exceeding the capacity of edge server
that are served by the cloud server.
Decision Variables#
: Whether to open an edge server at location
.
Mathematical Model#
Objective Function:
where
In this model, we express as
At the same time, we add constraints so that will take the value of
only when the computational demand received by edge server
exceeds its capacity limit, otherwise it will be
. Although the expression of
contains quadratic terms, in this model, the cloud server has no capacity limit, and
only appears in the objective function, not in the constraints, ensuring that no higher-order terms appear when converted to the QUBO model.
Constraints:
The computational demand points are allocated to either edge or cloud and are served by only one.
Coverage relationship, and only if the edge server is opened can it connect from the demand point.
The relationship between edge connection to the cloud and opening the edge server.
Only when the computational demand received by edge server
exceeds its capacity limit, will
take the value of
.
where :math:text{max-uj}[j] is the upper bound of the computational demand received by edge server
, which we set as
Preprocessing#
For candidate locations of edge servers , if the computational demand they receive is always less than the edge server capacity limit, for example,
When this is true, we can set , and for this candidate location, inequalities (1) and (2) can be ignored to reduce the number of bits (relaxation variables).
Code for Question 1#
1"""
2JSP Problem Solving
3"""
4import math
5import numpy as np
6import kaiwu as kw
7
8
9class JSPSolver:
10 """Solver for JSP optimization problem."""
11
12 def __init__(
13 self,
14 num_nodes: int = 2,
15 coverage_range: float = 2.0,
16 penalty: float = 100.0,
17 num_slack_bins: int = 1,
18 ) -> None:
19 """Initialize JSPSolver parameters.
20
21 Args:
22 num_nodes: Number of edge nodes to be selected.
23
24 coverage_range: Node coverage threshold.
25
26 penalty: penalty coefficient.
27
28 num_slack_bins: Slack binary digits, used to override constraints.
29 """
30 self.num_nodes = num_nodes
31 self.coverage_range = coverage_range
32 self.penalty = penalty
33 self.num_slack_bins = num_slack_bins
34
35 # Data containers
36 self.demand = {}
37 self.locations = []
38 self.distances = {}
39 self.coverage = {}
40 self.dimension = 0
41
42 # QUBO model
43 self.model = None
44
45 def prepare_data(self, demand_data):
46 """prepare demand, distance, and coverage matrix data.
47
48 Args:
49 demand_data: dict, the key is the coordinate string 'i, j',
50 and the value corresponds to the calculation requirement.
51 """
52 self.demand = demand_data
53 # Create a list containing all location coordinates
54 self.locations = list(demand_data.keys())
55 # Calculate the number of location coordinates
56 self.dimension = int(math.sqrt(len(self.demand)))
57 # Iterate through all location coordinates to calculate distances between pairs
58 self.distances = {
59 (i, j): np.linalg.norm(
60 np.array([int(coord) for coord in i.split(',')])
61 - np.array([int(coord) for coord in j.split(',')])
62 )
63 for i in self.locations
64 for j in self.locations
65 }
66 # Initialize a dictionary to store the coverage relationship between locations
67 self.coverage = {
68 (i, j): int(dist <= self.coverage_range)
69 for (i, j), dist in self.distances.items()
70 }
71
72 def prepare_model(self):
73 """Building a Qubo Model
74 """
75 # Create binary variable arrays x and z to represent edge computing node locations
76 # and demand coverage conditions
77 var_x = kw.qubo.ndarray((self.dimension, self.dimension), 'x', kw.qubo.Binary)
78 var_z = kw.qubo.ndarray((self.dimension, self.dimension), 'z', kw.qubo.Binary)
79 # Initialize slack variables
80 slack = kw.qubo.ndarray((self.dimension, self.dimension, self.num_slack_bins), 'slack', kw.qubo.Binary)
81 # Define the objective function to minimize the total computing power demand
82 obj = sum(
83 self.demand[f'{i + 1},{j + 1}'] * var_z[i, j]
84 for i in range(self.dimension)
85 for j in range(self.dimension)
86 )
87 # Define the first constraint, ensuring the number of edge computing nodes equals P
88 constr1 = (np.sum(var_x) - self.num_nodes) ** 2
89 # Initialize the second constraint
90 constr2 = 0
91 # Iterate through all location coordinates to build the second constraint
92 for i in range(self.dimension):
93 for j in range(self.dimension):
94 # For each location, the demand coverage z[i] should be less than or equal to
95 # the total coverage provided by all edge computing nodes
96 constr2 += (var_z[i, j] + sum(slack[i, j, _] * (2 ** i) for _ in range(self.num_slack_bins))
97 - sum(self.coverage[f'{i + 1},{j + 1}', f'{i1 + 1},{j1 + 1}'] * var_x[i1, j1]
98 for i1 in range(self.dimension) for j1 in range(self.dimension))) ** 2
99
100 self.model = kw.qubo.QuboModel()
101 self.model.set_objective(-obj)
102 self.model.add_constraint(constr1, name='c1', penalty=self.penalty)
103 self.model.add_constraint(constr2, name='c2', penalty=self.penalty)
104
105 def solve(self):
106 """Solving the QUBO model.
107
108 Returns:
109 tuple: Result dictionary and Result dictionary.
110
111 - dict: Result dictionary. The key is the variable name, and the value is the corresponding spin value.
112
113 - float: qubo value.
114 """
115 # Perform the Simulated Annealing algorithm
116 worker = kw.classical.SimulatedAnnealingOptimizer(
117 initial_temperature=100000,
118 alpha=0.99,
119 cutoff_temperature=0.0001,
120 iterations_per_t=100,
121 rand_seed=10)
122 _solver = kw.solver.SimpleSolver(worker)
123 _sol_dict, _qubo_value = _solver.solve_qubo(self.model)
124 return _sol_dict, float(_qubo_value)
125
126 def recovery(self, sol_dict):
127 """Verify whether the solution is feasible"""
128 return self.model.verify_constraint(sol_dict)
129
130
131if __name__ == "__main__":
132 # Store computing power demand data in the DEM dictionary,
133 # where the keys are location coordinates and the values are computing power demands
134 demand_data = {'1,1': 38, '1,2': 22, '1,3': 65, '1,4': 56,
135 '2,1': 53, '2,2': 48, '2,3': 76, '2,4': 46,
136 '3,1': 56, '3,2': 36, '3,3': 7, '3,4': 29,
137 '4,1': 50, '4,2': 37, '4,3': 48, '4,4': 40}
138 # Create an instance of the CIMSolver class
139 solver = JSPSolver()
140
141 # Prepare data
142 solver.prepare_data(demand_data)
143
144 # Prepare the QUBO model with a specified penalty coefficient lambda
145 solver.prepare_model()
146
147 # Use the Simulated Annealing algorithm to find the optimal solution
148 best_sol_dict, qubo_value = solver.solve()
149
150 # Recover the original problem solution from the QUBO solution and check its feasibility
151 unsatisfied_count, result_dict = solver.recovery(best_sol_dict)
152 if unsatisfied_count == 0:
153 print("Find a feasible solution")
154 print('Objective value:', -qubo_value)
155 else:
156 print("No feasible solution")
Code for Question 2#
1"""Cloud-Edge-User Cost Minimization QUBO Model Solver."""
2import math
3from typing import Tuple
4import numpy as np
5import kaiwu as kw
6
7
8class CloudEdgeUserSolver:
9 """Solver for cloud-edge-user cost-minimization QUBO model."""
10
11 def __init__(
12 self,
13 edge_capacity: int = 12,
14 edge_radius: float = 3.0
15 ) -> None:
16 """Initialize core parameters and placeholders."""
17 # capacities and radii
18 self.edge_capacity = edge_capacity
19 self.edge_radius = edge_radius
20
21 # Service node configurations
22 self.user_locations = ['1,1', '1,4', '2,6', '3,3', '3,5', '4,4', '5,5', '6,3', '6,6']
23 self.edge_locations = ['6,1', '2,3', '4,5', '6,5']
24 self.cloud_locations = ['4,0']
25
26 # edge server costs
27 self.fix_cost_edge = {'6,1': 60, '2,3': 42, '4,5': 46, '6,5': 54}
28
29 # variable costs
30 self.var_cost_cloud = 1
31 self.var_cost_edge = 2
32
33 # Unit transmission cost
34 self.trans_cost_user_edge = 1
35 self.trans_cost_user_cloud = 2
36 self.trans_cost_edge_cloud = 1
37
38 # Demand data
39 self.demand = {
40 '1,1': 7, '1,4': 4, '2,6': 5,
41 '3,3': 9, '3,5': 8, '4,4': 11,
42 '5,5': 1, '6,3': 7, '6,6': 5
43 }
44
45 # Precomputed data
46 self.num_user = 0
47 self.num_edge = 0
48 self.num_cloud = 0
49 self.distances = {}
50 self.coverage = {}
51 self.qubo_model = None
52
53 def prepare_data(self):
54 """Prepare data for QUBO model."""
55 # initialize user demands
56 loc_set_inner_full = ['1,1', '1,2', '1,3', '1,4', '1,5', '1,6',
57 '2,1', '2,2', '2,3', '2,4', '2,5', '2,6',
58 '3,1', '3,2', '3,3', '3,4', '3,5',
59 '4,1', '4,2', '4,3', '4,4', '4,5', '4,6',
60 '5,1', '5,2', '5,3', '5,4', '5,5', '5,6',
61 '6,1', '6,2', '6,3', '6,4', '6,5', '6,6']
62 # all nodes
63 loc_set = loc_set_inner_full + self.cloud_locations
64
65 self.num_cloud = len(self.cloud_locations)
66 self.num_edge = len(self.edge_locations)
67 self.num_user = len(self.user_locations)
68
69 # compute distances
70 for i in loc_set:
71 for j in loc_set:
72 self.distances[(i, j)] = round(np.sqrt(
73 (int(i.split(',', maxsplit=1)[0]) - int(j.split(',', maxsplit=1)[0])) ** 2 + (
74 int(i.split(',', maxsplit=1)[1]) - int(j.split(',', maxsplit=1)[1])) ** 2), 2)
75
76 # compute coverage relationships
77 for i in loc_set:
78 for j in loc_set:
79 if self.distances[(i, j)] <= self.edge_radius:
80 self.coverage[(i, j)] = 1
81 else:
82 self.coverage[(i, j)] = 0
83
84 def prepare_model(
85 self,
86 eq_penalties: Tuple[float, float, float] = (1e4, 1e4, 1e4),
87 ineq_penalties: Tuple[float, float] = (1e4, 1e4)
88 ) -> None:
89 """
90 Build QUBO with 3 equality and 2 inequality constraints.
91 """
92 # compute the maximum demand for each edge
93 max_ujk = []
94 for j in self.edge_locations:
95 max_ujk.append(sum(self.demand[i] * self.coverage[i, j] for i in self.user_locations))
96
97 # initialize decision variables
98 x_edge = kw.qubo.ndarray(self.num_edge, 'x_edge', kw.qubo.Binary)
99 y_ij = kw.qubo.ndarray((self.num_user, self.num_edge), 'yij', kw.qubo.Binary)
100 y_jk = kw.qubo.ndarray((self.num_edge, self.num_cloud), 'yjk', kw.qubo.Binary)
101 y_ik = kw.qubo.ndarray((self.num_user, self.num_cloud), 'yik', kw.qubo.Binary)
102
103 # for each edge, if the maximum demand does not exceed the edge's capacity, set the corresponding yjk to 0
104 for j in range(self.num_edge):
105 if max_ujk[j] <= self.edge_capacity:
106 y_jk[j][0] = 0
107
108 # initialize ujk related variables
109 u_jk = np.zeros(shape=(self.num_edge, self.num_cloud), dtype=kw.qubo.QuboExpression)
110 ujk_residual = np.zeros(shape=self.num_edge, dtype=kw.qubo.QuboExpression)
111 for j in range(self.num_edge):
112 ujk_residual[j] = sum(
113 self.demand[self.user_locations[i]] * y_ij[i][j] for i in range(self.num_user)) - self.edge_capacity
114 for k in range(self.num_cloud):
115 u_jk[j][k] = y_jk[j][k] * ujk_residual[j]
116 # build objective
117 obj = self._build_objective_components(u_jk, x_edge, y_ij, y_ik)
118 # build equality constraint
119 constraint1, constraint2, constraint3 = self._build_eq_constraint(x_edge, y_ij, y_ik, y_jk)
120 # build inequality constraint
121 ineq_qubo1, ineq_qubo2 = self._build_ineq_constraint(max_ujk, ujk_residual, y_ij, y_jk)
122
123 # building the final model
124 self.qubo_model = kw.qubo.QuboModel()
125 self.qubo_model.set_objective(obj)
126 self.qubo_model.add_constraint(constraint1, name='c1', penalty=eq_penalties[0])
127 self.qubo_model.add_constraint(constraint2, name='c2', penalty=eq_penalties[1])
128 self.qubo_model.add_constraint(constraint3, name='c3', penalty=eq_penalties[2])
129 self.qubo_model.add_constraint(ineq_qubo1, name='c4', penalty=ineq_penalties[0])
130 self.qubo_model.add_constraint(ineq_qubo2, name='c5', penalty=ineq_penalties[1])
131
132 def _build_ineq_constraint(self, max_ujk, ujk_residual, y_ij, y_jk):
133 # inequality constraint 1: after subtracting the edge's maximum capacity from demand,
134 # the yjk constraint should hold
135 ineq_constraint1 = []
136 ineq_qubo1 = kw.qubo.QuboExpression()
137 len_slack1 = math.ceil(math.log2(max(max_ujk) + 1))
138 slack1 = kw.qubo.ndarray((self.num_edge, self.num_cloud, len_slack1), 'slack1', kw.qubo.Binary)
139 for j in range(self.num_edge):
140 ineq_constraint1.append([])
141 for k in range(self.num_cloud):
142 if y_jk[j][k] == 0:
143 ineq_constraint1[j].append(0)
144 else:
145 ineq_constraint1[j].append(
146 ujk_residual[j] - (max_ujk[j] - self.edge_capacity) * y_jk[j][k])
147 ineq_qubo1 += (ineq_constraint1[j][k] + sum(
148 slack1[j][k][_] * (2 ** _) for _ in range(len_slack1))) ** 2
149 # inequality constraint 2: the capacity of an edge should be greater than or equal to the demand
150 ineq_qubo2 = kw.qubo.QuboExpression()
151 ineq_constraint2 = []
152 len_slack2 = math.ceil(math.log2(max(max_ujk) + 1))
153 slack2 = kw.qubo.ndarray((self.num_edge, self.num_cloud, len_slack2), 'slack2', kw.qubo.Binary)
154 for j in range(self.num_edge):
155 ineq_constraint2.append([])
156 for k in range(self.num_cloud):
157 if y_jk[j][k] == 0:
158 ineq_constraint2[j].append(0)
159 else:
160 ineq_constraint2[j].append(y_jk[j][k] * self.edge_capacity - sum(
161 self.demand[self.user_locations[i]] * y_ij[i][j] for i in range(self.num_user)))
162 ineq_qubo2 += (ineq_constraint2[j][k] + sum(
163 slack2[j][k][_] * (2 ** _) for _ in range(len_slack2))) ** 2
164 return ineq_qubo1, ineq_qubo2
165
166 def _build_eq_constraint(self, x_edge, y_ij, y_ik, y_jk):
167 # constraint 1: ensure that each user's service demand is assigned to only one location (either edge or cloud)
168 constraint1 = 0
169 for i in range(self.num_user):
170 constraint1 += (sum(y_ij[i][j] for j in range(self.num_edge)) + sum(
171 y_ik[i][k] for k in range(self.num_cloud)) - 1) ** 2
172 # constraint 2: initialize constraint expression
173 constraint2 = 0
174 for i in range(self.num_user):
175 for j in range(self.num_edge):
176 if self.coverage[(self.user_locations[i], self.edge_locations[j])] == 0:
177 y_ij[i][j] = 0
178 else:
179 constraint2 += y_ij[i][j] * (1 - x_edge[j])
180 # constraint 3: ensure the relationship between yjk and x_edge
181 constraint3 = 0
182 for j in range(self.num_edge):
183 for k in range(self.num_cloud):
184 constraint3 += y_jk[j][k] * (1 - x_edge[j])
185 return constraint1, constraint2, constraint3
186
187 def _build_objective_components(self, u_jk, x_edge, y_ij, y_ik):
188 # objective function
189 c_fix = sum(self.fix_cost_edge[self.edge_locations[j]] * x_edge[j] for j in range(self.num_edge))
190 c_var = self.var_cost_cloud * sum(sum(self.demand[self.user_locations[i]] * y_ik[i][k]
191 for i in range(self.num_user)) for k in range(self.num_cloud))
192 c_var += self.var_cost_edge * sum(
193 sum(self.demand[self.user_locations[i]] * y_ij[i][j] for i in range(self.num_user))
194 for j in range(self.num_edge))
195 c_var += (self.var_cost_cloud - self.var_cost_edge) * sum(
196 sum(u_jk[j][k] for j in range(self.num_edge)) for k
197 in range(self.num_cloud))
198 c_tran = self.trans_cost_user_edge * sum(sum(
199 self.demand[self.user_locations[i]] * self.distances[(self.user_locations[i], self.edge_locations[j])] *
200 y_ij[i][j] for i in range(self.num_user)) for j in range(self.num_edge))
201 c_tran += self.trans_cost_user_cloud * sum(sum(
202 self.demand[self.user_locations[i]] * self.distances[(self.user_locations[i], self.cloud_locations[k])] *
203 y_ik[i][k] for i in range(self.num_user)) for k in range(self.num_cloud))
204 c_tran += self.trans_cost_edge_cloud * sum(sum(
205 self.distances[(self.edge_locations[j], self.cloud_locations[k])] * u_jk[j][k] for j in
206 range(self.num_edge)) for k in range(self.num_cloud))
207 return c_fix + c_tran + c_var
208
209 def solve(
210 self,
211 max_iterations: int = 10,
212 init_temp: float = 1e3,
213 decay: float = 0.99,
214 min_temp: float = 1e-4,
215 iter_per_temp: int = 10
216 ):
217 """
218 Perform simulated annealing.
219 """
220 best = math.inf
221 for num in range(max_iterations):
222 worker = kw.classical.SimulatedAnnealingOptimizer(
223 initial_temperature=init_temp,
224 alpha=decay,
225 cutoff_temperature=min_temp,
226 iterations_per_t=iter_per_temp
227 )
228 solver = kw.solver.SimpleSolver(worker)
229 sol, val = solver.solve_qubo(self.qubo_model)
230 feasible = self.recovery(sol)
231 if feasible and val < best:
232 best = val
233 print(f"Iter {num}: best={val}")
234 print(f"Optimal={best}")
235
236 def recovery(self, sol_dict: dict) -> bool:
237 """
238 Validate solution via kaiwu.qubo.get_val interface.
239 """
240 unsatisfied_count, _ = self.qubo_model.verify_constraint(sol_dict)
241 return not unsatisfied_count
242
243
244if __name__ == "__main__":
245 # create an instance of the solver class
246 solver = CloudEdgeUserSolver()
247
248 # prepare the data
249 solver.prepare_data()
250
251 # prepare the qubo model, set the penalty coefficient lambda
252 solver.prepare_model()
253
254 # use simulated annealing to find the optimal solution
255 solver.solve()