Soft ComputingMANISH T IThis document provides an introduction to soft computing techniques including fuzzy logic, neural networks, and genetic algorithms. It discusses how these techniques are inspired by human intelligence and can handle imprecise or uncertain data. Examples of applications are given such as fuzzy logic in washing machines to optimize the washing process based on sensor readings, and using genetic algorithms to design optimal robotics.
The Traveling Salesman problem ppt.pptxHalimFerchichiThe document discusses the traveling salesman problem (TSP) which aims to find the shortest route for a salesman to visit each city in a list only once and return to the starting point. It provides an abstract, problem statement, and history of the TSP. It also includes a timeline of milestones in TSP research with increasing city sizes. Finally, it explains various solution methods to the TSP like brute force, branch and bound, greedy approach, and nearest neighbor algorithms.
Simulated annealing.pptKaal NathThis document discusses various concepts related to simulated annealing including the acceptance function, initial temperature, equilibrium state, cooling schedule, stopping condition, and handling constraints. It describes how the acceptance of non-improving moves is based on temperature and change in objective function. It also provides examples of different cooling schedules and discusses how to determine equilibrium state and stopping criteria. The document concludes with applying simulated annealing to solve the knapsack problem.
Optimization Simulated AnnealingUday WankarIt is a selection of best element (with regard to some criteria) from some set of available alternatives. In the simplest case, an optimization problem consist of maximizing or minimizing a real function by choosing input values from within an allowed set and computing the value of function. The classical optimization techniques are useful in finding the optimum solution or unconstrained maxima or minima of continuous and differentiable functions. These are analytical methods and make use of differential calculus in locating the optimum solution. The classical methods have limited scope in practical applications as some of them involve objective functions which are not continuous and un-differentiable. Yet, the study of these classical techniques of optimization form a basis for developing most of the numerical techniques that have evolved into advanced techniques more suitable to today’s practical problems.
Image pyramidRishiKapadia10Pyramid, or pyramid representation, is a type of multi-scale signal representation developed by the computer vision, image processing and signal processing communities, in which a signal or an image is subject to repeated smoothing and subsampling. Pyramid representation is a predecessor to scale-space representation and multiresolution analysis.
Simulated annealingDaniel SuriaSimulated annealing is an optimization technique inspired by annealing in metallurgy. It allows solutions to escape local minima by probabilistically accepting moves that increase the cost function. The method can solve mixed-integer, discrete, or continuous problems and is not influenced by the nature of the functions or constraints. It works by generating new solutions near the current one and accepting or rejecting them using the Metropolis criterion, which accepts worse solutions with a probability that decreases over iterations as the temperature cools. This continues until convergence within a set number of iterations or temperatures. Numerical examples demonstrate applying it to minimize functions.
Image inpaintingKhoaBiNgcngThis document discusses several approaches to image inpainting, including removing objects from photos. It summarizes EdgeConnect, which uses an edge generator and image completion component. It also summarizes Deep Fill, which uses a coarse-to-refine network with gated convolutions and a contextual attention module. Finally, it briefly mentions CR-Fill, which is similar to Deep Fill but replaces the contextual attention with a contextual reconstruction loss.
MCDM PPT.pptxSuchith Reddy ArukalaMulti-Criteria Decision Making (MCDM) techniques can be used to evaluate alternatives based on multiple conflicting criteria. The document discusses various MCDM techniques including weighted score method, TOPSIS, and Analytic Hierarchy Process (AHP). Case studies are presented to demonstrate how to apply these techniques to select optimal construction materials and technologies by considering criteria such as strength, durability, cost, and environmental impact.
Image Processing with OpenCVdebayaninImage processing with OpenCV allows various techniques to manipulate digital images. Some key techniques include smoothing to remove noise, erosion and dilation to diminish or accentuate features, and edge detection algorithms like Sobel, Laplace, and Canny to find edges. The core OpenCV module provides functions for accessing pixel values, adjusting contrast and brightness, and drawing shapes. Feature detection identifies keypoints like edges, corners, and blobs, then describes the details around them for later matching against other images. Common algorithms include SURF, SIFT, and BRIEF for feature extraction and description and FLANN and BruteForce for feature matching.
Travelling Salesman ProblemDaniel RadityaThe document discusses the Travelling Salesman Problem (TSP), which aims to find the shortest route to visit each city in a list exactly once and return to the origin city. It describes TSP as an NP-hard problem, belonging to the complexity class NP-complete. The document provides background on TSP, explaining it cannot be solved in polynomial time using techniques like linear programming. While an efficient solution to the general TSP has not been found, there are approximation algorithms that provide near-optimal solutions.
Introduction to Optimization with Genetic Algorithm (GA)Ahmed GadSelection of the optimal parameters for machine learning tasks is challenging. Some results may be bad not because the data is noisy or the used learning algorithm is weak, but due to the bad selection of the parameters values. This article gives a brief introduction about evolutionary algorithms (EAs) and describes genetic algorithm (GA) which is one of the simplest random-based EAs.
References:
Eiben, Agoston E., and James E. Smith. Introduction to evolutionary computing. Vol. 53. Heidelberg: springer, 2003.
https://www.linkedin.com/pulse/introduction-optimization-genetic-algorithm-ahmed-gad
https://www.kdnuggets.com/2018/03/introduction-optimization-with-genetic-algorithm.html
Travelling salesman problemDimitris MavrommatisThis document discusses implementing a brute force algorithm to solve the travelling salesman problem (TSP) using GPUs. TSP involves finding the shortest route to visit each city once and return to the origin city. The author details dividing the problem across GPU blocks, threads, and permutations to calculate all routes within memory limits. Shared memory is used to find the shortest path within each block, while global memory tracks the overall shortest path across blocks. Testing showed GPUs can efficiently solve large TSP problems due to parallelizing many small route calculations. The key challenge was dividing the problem suitably for massive parallel GPU processing.
Travelling salesman problemhamza haseebThis document discusses methods for solving the travelling salesman problem, specifically focusing on the Hungarian method. It provides an overview of the travelling salesman problem and describes several algorithms to solve it, including genetic algorithms, branch and bound, and dynamic programming. It then explains the Hungarian method in more detail, outlining the algorithm's steps to find an optimal assignment with minimum cost by drawing lines through rows and columns to cover zero entries in the cost matrix. The advantages of the Hungarian method for solving travelling salesman problems are highlighted, along with its time complexity of O(n^3).
Travelling salesman problemWajahat HussainThe document discusses the traveling salesman problem (TSP) and how ant colony optimization (ACO) algorithms can be used to find optimal or near-optimal solutions. It provides an overview of ACO, including how artificial ants deposit and follow pheromone trails to probabilistically construct solutions. The ACO algorithm is described and an example TSP problem with 4 cities (A, B, C, D) is shown across 4 iterations to demonstrate the algorithm. Advantages are noted such as efficiency for small problems and ability to adapt to changes, while disadvantages include slow convergence time for large problems.
Job shop schedulingSujeet TAMBEThis document discusses job shop scheduling, which involves scheduling jobs at general purpose work stations. It describes factors like arrival patterns, number of machines, work sequences, and performance criteria. For arrival patterns, it notes static and dynamic types. For work sequences, it discusses fixed and random types. It provides examples of performance criteria like makespan and machine utilization. It also introduces Gantt charts for scheduling displays and discusses scenarios like scheduling n jobs on 1 machine, n jobs on a flow shop with 2 machines, and n jobs on m machines in general. Heuristics for the n jobs on m machines case include shortest processing time, earliest due date, and critical ratio rules.
Dempster shafer theoryDr. C.V. Suresh BabuThe Dempster-Shafer Theory was developed by Arthur Dempster in 1967 and Glenn Shafer in 1976 as an alternative to Bayesian probability. It allows one to combine evidence from different sources and obtain a degree of belief (or probability) for some event. The theory uses belief functions and plausibility functions to represent degrees of belief for various hypotheses given certain evidence. It was developed to describe ignorance and consider all possible outcomes, unlike Bayesian probability which only considers single evidence. An example is given of using the theory to determine the murderer in a room with 4 people where the lights went out.
Dr. Trevor Hastie: Data Science of GBM (October 10, 2013: Presented With H2O)Sri AmbatiDr. Trevor Hastie of Stanford University discusses the data science behind Gradient Boosted Regression and Classification
- Powered by the open source machine learning software H2O.ai. Contributors welcome at: https://github.com/h2oai
- To view videos on H2O open source machine learning software, go to: https://www.youtube.com/user/0xdata
Genetic Algorithmsanas_elfThe document provides an overview of genetic algorithms, including their history, principles, components, and applications. Specifically, it discusses how genetic algorithms can be used to solve the traveling salesman problem (TSP) through permutation encoding of cities, calculating fitness based on total tour distance, and using techniques like order-1 crossover to preserve city order in offspring.
Industrial project and machine scheduling with Constraint ProgrammingPhilippe LaborieMore often than not, project and machine scheduling problems are addressed either by generic mathematical programming techniques (like MILP) or by problem-specific exact or heuristic approaches. MILP formulations are commonly used to describe the problem in mathematical terms and to provide optimal solutions or bounds to small problem instances. As they usually do not scale well, one usually resorts to using heuristics for handling large and complex industrial problems.
Though constraint programming (CP) techniques represent the state of the art in several classical project and machine scheduling benchmarks and have been used for almost 30 years for solving industrial problems, they are still seldom considered as an alternative approach in the scheduling community. A possible reason is that, for years, in the absence of efficient and robust automatic search algorithms, CP techniques have been difficult to use for non-CP experts.
We will explain why we think this time is over and illustrate our arguments with CP Optimizer, a generic system, largely based on CP, for modeling and solving real-world scheduling problems.
CP Optimizer extends linear programming with an algebraic language using simple mathematical concepts (such as intervals, sequences and functions) to capture the temporal dimension of scheduling problems in a combinatorial optimization framework. CP Optimizer implements a model-and-run paradigm that vastly reduces the burden on the user to understand CP or scheduling algorithms: modeling is by far the most important. The automatic search combines a wide variety of techniques from Artificial Intelligence (constraint programming, temporal reasoning, learning etc.) and Operations Research (mathematical programming, graph algorithms, local search, etc.) in an exact algorithm that provides good performance out of the box and which is continuously improving.
Transportation and transshipment problemsDr. Adinath DamaleThe document discusses transportation and transshipment problems, describing transportation problems as involving the optimal distribution of goods from multiple sources to multiple destinations subject to supply and demand constraints. It presents the formulation of transportation problems as linear programming problems and provides examples of different types of transportation problems including balanced vs unbalanced and minimization vs maximization problems. The document also briefly mentions transshipment problems which involve sources, destinations, and transient nodes through which goods can pass.
은닉 마르코프 모델, Hidden Markov Model(HMM)찬희 이Sequence labeling problem을 해결하는 모델 중 초기 모델인 Hidden markov model에 대해 정리한다. HMM을 설명하기 위한 기본 개념에서 벗어나지 않도록 작성한 자료이다.
- Markov chain
- Markov assumption
- Hidden markov model
- HMM training: forward-backward algorithm
- HMM likelihood computation
- HMM decoding: viterbi algorithm
Branch and boundDr Shashikant AthawaleThe branch-and-bound method is used to solve optimization problems by traversing a state space tree. It computes a bound at each node to determine if the node is promising. Better approaches traverse nodes breadth-first and choose the most promising node using a bounding heuristic. The traveling salesperson problem is solved using branch-and-bound by finding an initial tour, defining a bounding heuristic as the actual cost plus minimum remaining cost, and expanding promising nodes in best-first order until finding the minimal tour.
Traveling Salesman Problem (TSP)Maksym VoitkoThe Traveling Salesman Problem (TSP) involves finding the shortest route for a salesman to visit each city on a list and return to the origin city. It is an NP-hard problem with applications in vehicle routing, circuit board drilling, and computational biology. Heuristic algorithms can find solutions within a few percent of optimal for problems with millions of cities in a reasonable time.
Adaptive Huffman CodinganithabalaprabhuAdaptive Huffman coding is an improvement over standard Huffman coding that allows the Huffman tree to be adapted as additional symbols are encoded. It determines codeword mappings using a running estimate of symbol probabilities. This allows it to better exploit locality in the data. The algorithm works in two phases: first, it transforms the existing Huffman tree to maintain optimality when a symbol's weight is incremented; second, it increments the weight. This process is repeated as each new symbol is encoded.
Genetic AlgorithmSHIMI S LGenetic algorithms are a type of evolutionary algorithm that mimics natural selection. They operate on a population of potential solutions applying operators like selection, crossover and mutation to produce the next generation. The algorithm iterates until a termination condition is met, such as a solution being found or a maximum number of generations being produced. Genetic algorithms are useful for optimization and search problems as they can handle large, complex search spaces. However, they require properly defining the fitness function and tuning various parameters like population size, mutation rate and crossover rate.
AI: Planning and AIDataminingTools IncA situated planning agent treats planning and acting as a single process rather than separate processes. It uses conditional planning to construct plans that account for possible contingencies by including sensing actions. The agent resolves any flaws in the conditional plan before executing actions when their conditions are met. When facing uncertainty, the agent must have preferences between outcomes to make decisions using utility theory and represent probabilities using a joint probability distribution over variables in the domain.
Dynamic Programmingcontact2kaziThis document discusses dynamic programming techniques for solving optimization problems that can be divided into stages. It provides examples of using dynamic programming to find the shortest path from New York to Los Angeles, solve an inventory problem of determining optimal airplane production schedules, and allocate study time across courses to maximize grade points. Dynamic programming works by breaking problems into stages, finding optimal solutions for later stages, and then using these to recursively determine the optimal solutions for earlier stages working backwards.
Image Processing with OpenCVdebayaninImage processing with OpenCV allows various techniques to manipulate digital images. Some key techniques include smoothing to remove noise, erosion and dilation to diminish or accentuate features, and edge detection algorithms like Sobel, Laplace, and Canny to find edges. The core OpenCV module provides functions for accessing pixel values, adjusting contrast and brightness, and drawing shapes. Feature detection identifies keypoints like edges, corners, and blobs, then describes the details around them for later matching against other images. Common algorithms include SURF, SIFT, and BRIEF for feature extraction and description and FLANN and BruteForce for feature matching.
Travelling Salesman ProblemDaniel RadityaThe document discusses the Travelling Salesman Problem (TSP), which aims to find the shortest route to visit each city in a list exactly once and return to the origin city. It describes TSP as an NP-hard problem, belonging to the complexity class NP-complete. The document provides background on TSP, explaining it cannot be solved in polynomial time using techniques like linear programming. While an efficient solution to the general TSP has not been found, there are approximation algorithms that provide near-optimal solutions.
Introduction to Optimization with Genetic Algorithm (GA)Ahmed GadSelection of the optimal parameters for machine learning tasks is challenging. Some results may be bad not because the data is noisy or the used learning algorithm is weak, but due to the bad selection of the parameters values. This article gives a brief introduction about evolutionary algorithms (EAs) and describes genetic algorithm (GA) which is one of the simplest random-based EAs.
References:
Eiben, Agoston E., and James E. Smith. Introduction to evolutionary computing. Vol. 53. Heidelberg: springer, 2003.
https://www.linkedin.com/pulse/introduction-optimization-genetic-algorithm-ahmed-gad
https://www.kdnuggets.com/2018/03/introduction-optimization-with-genetic-algorithm.html
Travelling salesman problemDimitris MavrommatisThis document discusses implementing a brute force algorithm to solve the travelling salesman problem (TSP) using GPUs. TSP involves finding the shortest route to visit each city once and return to the origin city. The author details dividing the problem across GPU blocks, threads, and permutations to calculate all routes within memory limits. Shared memory is used to find the shortest path within each block, while global memory tracks the overall shortest path across blocks. Testing showed GPUs can efficiently solve large TSP problems due to parallelizing many small route calculations. The key challenge was dividing the problem suitably for massive parallel GPU processing.
Travelling salesman problemhamza haseebThis document discusses methods for solving the travelling salesman problem, specifically focusing on the Hungarian method. It provides an overview of the travelling salesman problem and describes several algorithms to solve it, including genetic algorithms, branch and bound, and dynamic programming. It then explains the Hungarian method in more detail, outlining the algorithm's steps to find an optimal assignment with minimum cost by drawing lines through rows and columns to cover zero entries in the cost matrix. The advantages of the Hungarian method for solving travelling salesman problems are highlighted, along with its time complexity of O(n^3).
Travelling salesman problemWajahat HussainThe document discusses the traveling salesman problem (TSP) and how ant colony optimization (ACO) algorithms can be used to find optimal or near-optimal solutions. It provides an overview of ACO, including how artificial ants deposit and follow pheromone trails to probabilistically construct solutions. The ACO algorithm is described and an example TSP problem with 4 cities (A, B, C, D) is shown across 4 iterations to demonstrate the algorithm. Advantages are noted such as efficiency for small problems and ability to adapt to changes, while disadvantages include slow convergence time for large problems.
Job shop schedulingSujeet TAMBEThis document discusses job shop scheduling, which involves scheduling jobs at general purpose work stations. It describes factors like arrival patterns, number of machines, work sequences, and performance criteria. For arrival patterns, it notes static and dynamic types. For work sequences, it discusses fixed and random types. It provides examples of performance criteria like makespan and machine utilization. It also introduces Gantt charts for scheduling displays and discusses scenarios like scheduling n jobs on 1 machine, n jobs on a flow shop with 2 machines, and n jobs on m machines in general. Heuristics for the n jobs on m machines case include shortest processing time, earliest due date, and critical ratio rules.
Dempster shafer theoryDr. C.V. Suresh BabuThe Dempster-Shafer Theory was developed by Arthur Dempster in 1967 and Glenn Shafer in 1976 as an alternative to Bayesian probability. It allows one to combine evidence from different sources and obtain a degree of belief (or probability) for some event. The theory uses belief functions and plausibility functions to represent degrees of belief for various hypotheses given certain evidence. It was developed to describe ignorance and consider all possible outcomes, unlike Bayesian probability which only considers single evidence. An example is given of using the theory to determine the murderer in a room with 4 people where the lights went out.
Dr. Trevor Hastie: Data Science of GBM (October 10, 2013: Presented With H2O)Sri AmbatiDr. Trevor Hastie of Stanford University discusses the data science behind Gradient Boosted Regression and Classification
- Powered by the open source machine learning software H2O.ai. Contributors welcome at: https://github.com/h2oai
- To view videos on H2O open source machine learning software, go to: https://www.youtube.com/user/0xdata
Genetic Algorithmsanas_elfThe document provides an overview of genetic algorithms, including their history, principles, components, and applications. Specifically, it discusses how genetic algorithms can be used to solve the traveling salesman problem (TSP) through permutation encoding of cities, calculating fitness based on total tour distance, and using techniques like order-1 crossover to preserve city order in offspring.
Industrial project and machine scheduling with Constraint ProgrammingPhilippe LaborieMore often than not, project and machine scheduling problems are addressed either by generic mathematical programming techniques (like MILP) or by problem-specific exact or heuristic approaches. MILP formulations are commonly used to describe the problem in mathematical terms and to provide optimal solutions or bounds to small problem instances. As they usually do not scale well, one usually resorts to using heuristics for handling large and complex industrial problems.
Though constraint programming (CP) techniques represent the state of the art in several classical project and machine scheduling benchmarks and have been used for almost 30 years for solving industrial problems, they are still seldom considered as an alternative approach in the scheduling community. A possible reason is that, for years, in the absence of efficient and robust automatic search algorithms, CP techniques have been difficult to use for non-CP experts.
We will explain why we think this time is over and illustrate our arguments with CP Optimizer, a generic system, largely based on CP, for modeling and solving real-world scheduling problems.
CP Optimizer extends linear programming with an algebraic language using simple mathematical concepts (such as intervals, sequences and functions) to capture the temporal dimension of scheduling problems in a combinatorial optimization framework. CP Optimizer implements a model-and-run paradigm that vastly reduces the burden on the user to understand CP or scheduling algorithms: modeling is by far the most important. The automatic search combines a wide variety of techniques from Artificial Intelligence (constraint programming, temporal reasoning, learning etc.) and Operations Research (mathematical programming, graph algorithms, local search, etc.) in an exact algorithm that provides good performance out of the box and which is continuously improving.
Transportation and transshipment problemsDr. Adinath DamaleThe document discusses transportation and transshipment problems, describing transportation problems as involving the optimal distribution of goods from multiple sources to multiple destinations subject to supply and demand constraints. It presents the formulation of transportation problems as linear programming problems and provides examples of different types of transportation problems including balanced vs unbalanced and minimization vs maximization problems. The document also briefly mentions transshipment problems which involve sources, destinations, and transient nodes through which goods can pass.
은닉 마르코프 모델, Hidden Markov Model(HMM)찬희 이Sequence labeling problem을 해결하는 모델 중 초기 모델인 Hidden markov model에 대해 정리한다. HMM을 설명하기 위한 기본 개념에서 벗어나지 않도록 작성한 자료이다.
- Markov chain
- Markov assumption
- Hidden markov model
- HMM training: forward-backward algorithm
- HMM likelihood computation
- HMM decoding: viterbi algorithm
Branch and boundDr Shashikant AthawaleThe branch-and-bound method is used to solve optimization problems by traversing a state space tree. It computes a bound at each node to determine if the node is promising. Better approaches traverse nodes breadth-first and choose the most promising node using a bounding heuristic. The traveling salesperson problem is solved using branch-and-bound by finding an initial tour, defining a bounding heuristic as the actual cost plus minimum remaining cost, and expanding promising nodes in best-first order until finding the minimal tour.
Traveling Salesman Problem (TSP)Maksym VoitkoThe Traveling Salesman Problem (TSP) involves finding the shortest route for a salesman to visit each city on a list and return to the origin city. It is an NP-hard problem with applications in vehicle routing, circuit board drilling, and computational biology. Heuristic algorithms can find solutions within a few percent of optimal for problems with millions of cities in a reasonable time.
Adaptive Huffman CodinganithabalaprabhuAdaptive Huffman coding is an improvement over standard Huffman coding that allows the Huffman tree to be adapted as additional symbols are encoded. It determines codeword mappings using a running estimate of symbol probabilities. This allows it to better exploit locality in the data. The algorithm works in two phases: first, it transforms the existing Huffman tree to maintain optimality when a symbol's weight is incremented; second, it increments the weight. This process is repeated as each new symbol is encoded.
Genetic AlgorithmSHIMI S LGenetic algorithms are a type of evolutionary algorithm that mimics natural selection. They operate on a population of potential solutions applying operators like selection, crossover and mutation to produce the next generation. The algorithm iterates until a termination condition is met, such as a solution being found or a maximum number of generations being produced. Genetic algorithms are useful for optimization and search problems as they can handle large, complex search spaces. However, they require properly defining the fitness function and tuning various parameters like population size, mutation rate and crossover rate.
AI: Planning and AIDataminingTools IncA situated planning agent treats planning and acting as a single process rather than separate processes. It uses conditional planning to construct plans that account for possible contingencies by including sensing actions. The agent resolves any flaws in the conditional plan before executing actions when their conditions are met. When facing uncertainty, the agent must have preferences between outcomes to make decisions using utility theory and represent probabilities using a joint probability distribution over variables in the domain.
Dynamic Programmingcontact2kaziThis document discusses dynamic programming techniques for solving optimization problems that can be divided into stages. It provides examples of using dynamic programming to find the shortest path from New York to Los Angeles, solve an inventory problem of determining optimal airplane production schedules, and allocate study time across courses to maximize grade points. Dynamic programming works by breaking problems into stages, finding optimal solutions for later stages, and then using these to recursively determine the optimal solutions for earlier stages working backwards.
1. S A Ü S B E – U L U S L A R A R A S I T İ C A R E T
U L U S L A R A R A S I T E D A R İ K Z İ N C İ R İ
Y Ö N E T İ M İ
Ş Ü K R Ü A T E Ş
TEDARİK ZİNCİRİ
OPTİMİZAYONU
S A Ü S B E – U L U S L A R A R A S I T İ C A R E T
U L U S L A R A R A S I T E D A R İ K Z İ N C İ R İ
Y Ö N E T İ M İ
Ş Ü K R Ü A T E Ş
2. A) OPTİMİZASYON NEDİR ?
En basit anlamı ile, eldeki kısıtlı kaynakları en
optimum biçimde kullanmak olarak tanımlanabilir.
>> Niçin Ulasımda Optimizasyon?
Ulasım maliyetleri toplam lojistik maliyetlerinin
%50 - %65’ini oluştur.
Optimizasyonun amacı; ulasım faaliyetlerini iyi bir
biçimde yönetmek ve maliyetleri düşürmektir.
2
En basit anlamı ile, eldeki kısıtlı kaynakları en
optimum biçimde kullanmak olarak tanımlanabilir.
>> Niçin Ulasımda Optimizasyon?
Ulasım maliyetleri toplam lojistik maliyetlerinin
%50 - %65’ini oluştur.
Optimizasyonun amacı; ulasım faaliyetlerini iyi bir
biçimde yönetmek ve maliyetleri düşürmektir.
3. A) OPTİMİZASYON ve MATEMATİKSEL
MODELLEME ÖRNEKLERİ
Matematiksel Modeller: İlgilendiğimiz gerçek
yaşam sisteminin yapısal özelliklerini ve
davranışlarını, matematiksel olarak ifade eden
modellerdir.
3
Matematiksel Modeller: İlgilendiğimiz gerçek
yaşam sisteminin yapısal özelliklerini ve
davranışlarını, matematiksel olarak ifade eden
modellerdir.
4. Girdi (Dışsal Değişkenler)Girdi (Dışsal Değişkenler) Çıktı ( İçsel Değişkenler)Çıktı ( İçsel Değişkenler)
Parametreler, Model
veya karar verici
tarafından kontrol
edilemez.
Karar değişkenleri,
Kontrol edilebilir.
A) OPTİMİZASYON ve MATEMATİKSEL
MODELLEME ÖRNEKLERİ
Çıktı değişkenlerinde
karar matematiksel modelin
Faaliyetler, gerçek yaşam
sisteminin nasıl işlemesi
gerektiğini gösterir.
Başarım, karar vericinin
belirlemiş olduğu amaç veya
amaçların ne ölçüde
gerçekleştiğini ölçer.
4
Parametreler, Model
veya karar verici
tarafından kontrol
edilemez.
Karar değişkenleri,
Kontrol edilebilir.
Çıktı değişkenlerinde
karar matematiksel modelin
Faaliyetler, gerçek yaşam
sisteminin nasıl işlemesi
gerektiğini gösterir.
Başarım, karar vericinin
belirlemiş olduğu amaç veya
amaçların ne ölçüde
gerçekleştiğini ölçer.
5. Amaç FonksiyonuAmaç Fonksiyonu KısıtlarKısıtlar
Matematiksel modelin
gerçekleştirmesini
istediğimiz amaç veya
amaçların problemdeki
karar değişkenleri ve
parametreler yardımı
ile matematiksel olarak
ifade edilmesidir.
Sistemde
gerçekleştirilen faaliyet
arasındaki ilişlilerin
yine karar değişkenleri
ve parametreler
yardımıyla
matematiksel olarak
ifadesidir.
A) MATEMATİKSEL MODELLEME
ÖRNEKLERİ
5
Matematiksel modelin
gerçekleştirmesini
istediğimiz amaç veya
amaçların problemdeki
karar değişkenleri ve
parametreler yardımı
ile matematiksel olarak
ifade edilmesidir.
Sistemde
gerçekleştirilen faaliyet
arasındaki ilişlilerin
yine karar değişkenleri
ve parametreler
yardımıyla
matematiksel olarak
ifadesidir.
6. A) MİNİMUM MALİYET AĞ AKIŞ
PROBLEMİ
Nedir?
Arz noktalarından,talep noktalarına sevkiyatı
yapacak minimum maliyetli sevkiyat miktarının
belirlenmesi.
Dış Akış = Müşteri Talepleri
İç Akış = Tedarikçiden Yapılan Sevkiyatlar
6
Nedir?
Arz noktalarından,talep noktalarına sevkiyatı
yapacak minimum maliyetli sevkiyat miktarının
belirlenmesi.
Dış Akış = Müşteri Talepleri
İç Akış = Tedarikçiden Yapılan Sevkiyatlar
7. A) MİNİMUM MALİYET AĞ AKIŞ
PROBLEMİ
7
Xij = > Karar Değişkeni – Amacımız akış miktarını ?
Cij ve bi => Girdi Değişkeni – Üzerinde kontrolümüz yok
lij ve uij => Parametre - Alt ve üst sınır kontrol edilemez
11. B) ULAŞIM OPTİMİZASYONU
MODELLERİ
Ulaşım faaliyetlerinin optimizasyonunda ortaya
çıkan en önemli problem , sevkiyatı gerçekleştirecek
araçların takip edecekleri güzergahın
belirlenmesidir. (Araç rotalama problemi)
Çoklu-Tekli olarak ikiye ayrılır.
11
Ulaşım faaliyetlerinin optimizasyonunda ortaya
çıkan en önemli problem , sevkiyatı gerçekleştirecek
araçların takip edecekleri güzergahın
belirlenmesidir. (Araç rotalama problemi)
Çoklu-Tekli olarak ikiye ayrılır.
12. B) EN KISA YOL PROBLEMİ
Orijin (başlangıç)
dan hedef düğüme
giden en kısa yolu
bulma problemidir.
12
Orijin (başlangıç)
dan hedef düğüme
giden en kısa yolu
bulma problemidir.
14. B) GEZGİN SATICI PROBLEMİ (GSP)
Evinden çıkan bir gezgin satıcı, ziyaret edeceği her
yeri sadece bir kez ziyaret ederek, toplam seyahat
mesafesi en küçük olacak şekilde tekrar evine
dönmek istemektedir.Bu satıcı şehirleri hangi sıra ile
ziyaret etmiştir?
NP- Zor Sınıf
Algoritmaları karşılaşılan problemlere uyarlamak zor
olduğundan, makul bir sürede,makul bir hata ile
çözümler üreten sezgisel algoritmalar geliştirilmiştir.
14
Evinden çıkan bir gezgin satıcı, ziyaret edeceği her
yeri sadece bir kez ziyaret ederek, toplam seyahat
mesafesi en küçük olacak şekilde tekrar evine
dönmek istemektedir.Bu satıcı şehirleri hangi sıra ile
ziyaret etmiştir?
NP- Zor Sınıf
Algoritmaları karşılaşılan problemlere uyarlamak zor
olduğundan, makul bir sürede,makul bir hata ile
çözümler üreten sezgisel algoritmalar geliştirilmiştir.
15. B) BİR ALGORİTMANIN ETKİNLİK
ÖLÇÜSÜ: MERTEBE FOKSİYONU
Algoritması: Karar değişkenlerinin en iyi
değerlerinin belirlenmesine “modelin çözülmesi” ve
kullanılan çözüm yöntemine “çözüm algoritması”
denir.
Etkin Algoritma ?
Büyük boyutlu problemlerin etkinliği,algoritmanın
koşum süresi mertebe fonksiyonuyla belirlenir.
15
Algoritması: Karar değişkenlerinin en iyi
değerlerinin belirlenmesine “modelin çözülmesi” ve
kullanılan çözüm yöntemine “çözüm algoritması”
denir.
Etkin Algoritma ?
Büyük boyutlu problemlerin etkinliği,algoritmanın
koşum süresi mertebe fonksiyonuyla belirlenir.
16. B) BİR ALGORİTMANIN ETKİNLİK
ÖLÇÜSÜ: MERTEBE FOKSİYONU
Eğer bir algoritma, mümkün olan en iyi çözümü
veriyor ise, bu algoritmaya optimal ya da kesin
algoritma, eğer iyi, ancak optimal olduğu garanti
edilemeyen bir çözüm veriyorsa, bu algoritmaya ise
sezgisel ya da yaklaşık algoritma denir.
16
Eğer bir algoritma, mümkün olan en iyi çözümü
veriyor ise, bu algoritmaya optimal ya da kesin
algoritma, eğer iyi, ancak optimal olduğu garanti
edilemeyen bir çözüm veriyorsa, bu algoritmaya ise
sezgisel ya da yaklaşık algoritma denir.
17. C) GEZGİN SATICI PROBLEMİ MODELİ
Uygulama yerleri: Sipariş toplama, araçların boya
sırasının belirlenmesi, bir bilgisayarın ana kartı
üzerine delik delme sırasının belirlenmesi, çoklu araç
rotalama problemleri…
Asimetrik gezgin satıcı problemi: i den j e ye
mesafe veya maliyet j den i ye olan mesafe ve
maliyete eşit olmama durumudur.
17
Uygulama yerleri: Sipariş toplama, araçların boya
sırasının belirlenmesi, bir bilgisayarın ana kartı
üzerine delik delme sırasının belirlenmesi, çoklu araç
rotalama problemleri…
Asimetrik gezgin satıcı problemi: i den j e ye
mesafe veya maliyet j den i ye olan mesafe ve
maliyete eşit olmama durumudur.
18. C) GEZGİN SATICI PROBLEMİ MODELİ
Asimetrik Gezgin Satıcı Rotasyonu;
N: Problemdeki düğümlerin kümesi ve N:
Problemdeki düğüm sayısı
Xij : Eğer ile i’den j’ye gidiliyor ise 1, aksi halde 0.
Cij : i’den j’ye olan mesafe veya maliyet.
S: Problemdeki düğümlerin herhangi bir alt kümesi
IsI, kümesindeki düğüm sayısı.
18
Asimetrik Gezgin Satıcı Rotasyonu;
N: Problemdeki düğümlerin kümesi ve N:
Problemdeki düğüm sayısı
Xij : Eğer ile i’den j’ye gidiliyor ise 1, aksi halde 0.
Cij : i’den j’ye olan mesafe veya maliyet.
S: Problemdeki düğümlerin herhangi bir alt kümesi
IsI, kümesindeki düğüm sayısı.
19. C) GEZGİN SATICI PROBLEMİ MODELİ
Asimetrik Gezgin Satıcı Problemi
19
20. C) GSP NİN ÇÖZÜMÜ İÇİN KULLANILAN
SEZGİZEL ALGORİTMALAR
Sezgisel algoritmalar üç temel aşamadan oluşur.
Bu aşamalar;
Başlangıç turu oluşturma,
Düğüm ekleme,
Çözüm iyileştirme aşamalarıdır.
20
Sezgisel algoritmalar üç temel aşamadan oluşur.
Bu aşamalar;
Başlangıç turu oluşturma,
Düğüm ekleme,
Çözüm iyileştirme aşamalarıdır.
21. C) BAŞLANGIÇ TURU OLUŞTURMA
SEZGİLERİ
Başlangıç turu oluşturma sezgiselleri, elimizdeki
maliyet verilerini kullanarak bir başlangıç turu
oluşturmak için kullanılır.
Başlangıç turu oluşturmak için geliştirilmiş birçok
sezgisel vardır.
Biz kullanımı en yaygın olan iki sezgisel algoritmayı,
“en yakın komşu” , ve “süpürme” algoritmasını
ele alacağız.
21
Başlangıç turu oluşturma sezgiselleri, elimizdeki
maliyet verilerini kullanarak bir başlangıç turu
oluşturmak için kullanılır.
Başlangıç turu oluşturmak için geliştirilmiş birçok
sezgisel vardır.
Biz kullanımı en yaygın olan iki sezgisel algoritmayı,
“en yakın komşu” , ve “süpürme” algoritmasını
ele alacağız.
22. C) EN YAKIN KOMŞU SEZGİSELİ VE
BAŞLANGIÇ NOKTASI OLUŞTURMA
Herhangi bir başlangıç noktasından başlar ve tüm
noktalar tura eklenene dek tura eklenmemiş
düğümleri ekleyerek devam eder.
Tura eklenmemiş nokta kalmadığında algoritma
durur.
En yakın komşu sezgiselinde farklı başlangıç
noktaları farklı çözümler verir.
22
Herhangi bir başlangıç noktasından başlar ve tüm
noktalar tura eklenene dek tura eklenmemiş
düğümleri ekleyerek devam eder.
Tura eklenmemiş nokta kalmadığında algoritma
durur.
En yakın komşu sezgiselinde farklı başlangıç
noktaları farklı çözümler verir.
23. C) EN YAKIN KOMŞU SEZGİSELİ VE
BAŞLANGIÇ NOKTASI OLUŞTURMA
23
2 2
( ) ( )ij i j i jd x x y y
25. C) SÜPÜRGE SEZGİSELİ VE BAŞLANGIÇ
NOKTASI OLUŞTURMA
Süpürme algoritmasında bir rotasyon noktası
etrafında dönen bir ışının ziyaret ettiği noktalar
sırasıyla tura eklenir.
Bunu yapabilmek için önce rotasyon noktasının
belirlenmesi gerekir.
Bu noktanın koordinatlarını bulmak için genellikle
merkez nokta koordinatları ya da ortalama
koordinatlar kullanılır.
25
Süpürme algoritmasında bir rotasyon noktası
etrafında dönen bir ışının ziyaret ettiği noktalar
sırasıyla tura eklenir.
Bunu yapabilmek için önce rotasyon noktasının
belirlenmesi gerekir.
Bu noktanın koordinatlarını bulmak için genellikle
merkez nokta koordinatları ya da ortalama
koordinatlar kullanılır.
26. C) SÜPÜRGE SEZGİSELİ VE BAŞLANGIÇ
NOKTASI OLUŞTURMA
Düğümlerin eklenme sırası, ışının düğümleri ziyaret
sırasına göre belirlenir. Işının hangi yöne
döndürüldüğünün ve ışının başlangıç yönünün
oluşacak başlangıç turu üzerinde etkisi yoktur.
26
28. C) DÜĞÜM EKLEME SEZGİLERİ
Sezgisellerin tura eklemeden bıraktıkları serbest
düğümleri bulunan tura eklemekte kullanılır.
Düğüm ekleme sezgiselleri temel olarak iki şeye karar
verir. Bu kararlar,
İlk önce hangi noktanın düğüme ekleneceği ve
Bu düğümün hangi iki düğüm arasındaki hangi
yola ekleneceğidir.
Birçok düğüm ekleme sezgiseli vardır. Biz bu bölümde
sadece en ucuz ekleme sezgiselini ele alacağız.
28
Sezgisellerin tura eklemeden bıraktıkları serbest
düğümleri bulunan tura eklemekte kullanılır.
Düğüm ekleme sezgiselleri temel olarak iki şeye karar
verir. Bu kararlar,
İlk önce hangi noktanın düğüme ekleneceği ve
Bu düğümün hangi iki düğüm arasındaki hangi
yola ekleneceğidir.
Birçok düğüm ekleme sezgiseli vardır. Biz bu bölümde
sadece en ucuz ekleme sezgiselini ele alacağız.
29. C) EN UCUZ EKLEME SEZGİSELİ
Herhangi serbest bir nokta olan k’nın, (i,j) yoluna
eklenmesinin maliyeti;
Eklemenin maliyetinin mevcut yolun maliyeti
çıkarılması ile bulunur ve k serbest noktası ekleme
maliyeti en düşük olan herhangi iki i ve j noktası
arasına eklenir.
29
Herhangi serbest bir nokta olan k’nın, (i,j) yoluna
eklenmesinin maliyeti;
Eklemenin maliyetinin mevcut yolun maliyeti
çıkarılması ile bulunur ve k serbest noktası ekleme
maliyeti en düşük olan herhangi iki i ve j noktası
arasına eklenir.
,
m in kij ik kj ij
i j
c c c
30. C) İYİLEŞTİRME SEZGİLERİ
İyileştirme Sezgisellerinin amacı oluşturulan
başlangıç gezgin satıcı turunun uzunluğunu
azaltmaktır.
Turun uzunluğu düğümler arasındaki iki ya da daha
fazla yolun yerlerinin değiştirilmesi ile yapılır.
Bu konuda bir çok sezgisel var, fakat biz sadece ikili
yer değiştirme sezgiselini ele alacağız.
30
İyileştirme Sezgisellerinin amacı oluşturulan
başlangıç gezgin satıcı turunun uzunluğunu
azaltmaktır.
Turun uzunluğu düğümler arasındaki iki ya da daha
fazla yolun yerlerinin değiştirilmesi ile yapılır.
Bu konuda bir çok sezgisel var, fakat biz sadece ikili
yer değiştirme sezgiselini ele alacağız.
31. C) İKİLİ YER DEĞİŞTİRME SEZGİSELİ
İkili yer değiştirmede amaç, turda bulunan komşu
olmayan iki yol çıkarıp yerine yeni iki yol koyarak
turu tamamlamaktır
31
32. C) İKİLİ YER DEĞİŞTİRME SEZGİSELİ
İkili değiştirmeden elde edilen tasarruf miktarı,
şeklinde hesaplanır.
Tasarruf miktarı pozitif ise değişiklik yapılır. Pozitif
tasarruf kalmayıncaya dek değişiklere devam edilir.
k n li k l n is d d d d
32
İkili değiştirmeden elde edilen tasarruf miktarı,
şeklinde hesaplanır.
Tasarruf miktarı pozitif ise değişiklik yapılır. Pozitif
tasarruf kalmayıncaya dek değişiklere devam edilir.
33. D) ARAÇ ROTALAMA PROBLEMİ
Aracın dağıtım merkezinden çıkıp, tekrar dağıtım
merkezine geri döndüğü tura rota denir.
Ulaşım faaliyetlerinin gerçekleşmesinde çeşitli
kısıtlar vardır. Uygulamada en sık karşılaşılan
kısıtlar, araç kapasitesi, seyahat süresi ve
teslim zamanı sınırlamaları, öncelik ve
hizmet kısıtlarıdır.
33
Aracın dağıtım merkezinden çıkıp, tekrar dağıtım
merkezine geri döndüğü tura rota denir.
Ulaşım faaliyetlerinin gerçekleşmesinde çeşitli
kısıtlar vardır. Uygulamada en sık karşılaşılan
kısıtlar, araç kapasitesi, seyahat süresi ve
teslim zamanı sınırlamaları, öncelik ve
hizmet kısıtlarıdır.
34. D) ARAÇ ROTALAMA PROBLEMİ
Bir araç rotalama problemini belirlenmesi gereken
ilk şey tüm müşteri sevkiyatlarını gerçekleştirmek
için gerekli minimum rota sayısının belirlenmesidir
Eğer araç filosundaki tüm araçların kapasiteleri eşit
ise, N müşteri sayısını, , i müşterisinin talebi ve C
araç kapasitesi olmak üzere, minimum rota sayısını
aşağıdaki formül ile hesaplayabiliriz.
id
34
Bir araç rotalama problemini belirlenmesi gereken
ilk şey tüm müşteri sevkiyatlarını gerçekleştirmek
için gerekli minimum rota sayısının belirlenmesidir
Eğer araç filosundaki tüm araçların kapasiteleri eşit
ise, N müşteri sayısını, , i müşterisinin talebi ve C
araç kapasitesi olmak üzere, minimum rota sayısını
aşağıdaki formül ile hesaplayabiliriz.
id
1
m inim um rota sayısı
N
i
i
d
C
35. D) ÖRNEK
Araç Sayısı : 3
Her Bir Araç Kapasitesi :120
35
1 2 9 5
m in im u m ro ta sayısı 2 , 4 6 3
1 2 0
N
i
i
d
C
Araç Sayısı : 3
Her Bir Araç Kapasitesi :120
36. D) ARP İÇİN KULLANILAN
LOGARİTMALAR
ARP sezgiselleri rota oluşturma ve rota
iyileştirme algoritmaları olarak ikiye ayrılabilir.
Rota oluşturma algoritmaları, kullanılabilecek
araç sayısı, kapasiteleri ve müşteri taleplerini göz
önünde bulundurarak her araç için bir rota oluşturur
36
ARP sezgiselleri rota oluşturma ve rota
iyileştirme algoritmaları olarak ikiye ayrılabilir.
Rota oluşturma algoritmaları, kullanılabilecek
araç sayısı, kapasiteleri ve müşteri taleplerini göz
önünde bulundurarak her araç için bir rota oluşturur
37. D) ARP İÇİN KULLANILAN
LOGARİTMALAR
Rota oluşturma algoritmaları
Müşteri talepleri ve araç kapasiteleri göz önünde
bulundurularak sevkiyat noktaları (müşteri tesisleri)
araçlara atanır. ARP’nin bu aşamasına kümeleme ya
da atama aşaması denir.
Diğer aşamada ise araç kapasiteleri ve müşteri talepleri
göz önünde bulundurulmaz ve sadece tesisler arasındaki
mesafeler göz önüne alınarak rotalama yapılır. Bu
aşamaya ise rotalama veya sıralama aşaması
denir.
37
Rota oluşturma algoritmaları
Müşteri talepleri ve araç kapasiteleri göz önünde
bulundurularak sevkiyat noktaları (müşteri tesisleri)
araçlara atanır. ARP’nin bu aşamasına kümeleme ya
da atama aşaması denir.
Diğer aşamada ise araç kapasiteleri ve müşteri talepleri
göz önünde bulundurulmaz ve sadece tesisler arasındaki
mesafeler göz önüne alınarak rotalama yapılır. Bu
aşamaya ise rotalama veya sıralama aşaması
denir.
38. D) ARP ROTA OLUŞTURMA SEZGİSELİ
Bu bölümde rota oluşturmak için kullanılan
sezgisellerden en yakın komşu ve süpürme
algoritmalarını ele alacağız.
İlk ele alacağımız sezgisel olan en yakın komşu
sezgiseli, kümeleme ve rota oluşturmayı tek bir
aşamada gerçekleştirir.
38
Bu bölümde rota oluşturmak için kullanılan
sezgisellerden en yakın komşu ve süpürme
algoritmalarını ele alacağız.
İlk ele alacağımız sezgisel olan en yakın komşu
sezgiseli, kümeleme ve rota oluşturmayı tek bir
aşamada gerçekleştirir.
39. D) EN YAKIN KOMŞU SEZGİSELİ
En yakın komşu sezgiseli, yeni bir rota oluşturmaya
dağıtım merkezinden başlar ve en yakındaki ziyaret
edilmemiş müşteriyi, eğer araç kapasitesi yeterli ise yeni
rotaya ekler ve araç bir sonraki en yakın noktaya gider.
39
En yakın komşu sezgiseli, yeni bir rota oluşturmaya
dağıtım merkezinden başlar ve en yakındaki ziyaret
edilmemiş müşteriyi, eğer araç kapasitesi yeterli ise yeni
rotaya ekler ve araç bir sonraki en yakın noktaya gider.
41. D) SÜPÜRME ALGORİTMASI
Süpürme algoritmasının iki farklı versiyonu vardır.
Birincisi önce kümele- sonra rotala, ikincisi ise önce
rotala-sonra kümeleme versiyonlarıdır.
Süpürme algoritmasını bilgisayarda
programlayabilmek için tüm müşterilerin DM’ye
olan göreceli polar koordinatlarını hesaplamak
ve müşterilerin rotaya en küçük polar
koordinattan en büyüğe doğru sıralanması
gerekir.
41
Süpürme algoritmasının iki farklı versiyonu vardır.
Birincisi önce kümele- sonra rotala, ikincisi ise önce
rotala-sonra kümeleme versiyonlarıdır.
Süpürme algoritmasını bilgisayarda
programlayabilmek için tüm müşterilerin DM’ye
olan göreceli polar koordinatlarını hesaplamak
ve müşterilerin rotaya en küçük polar
koordinattan en büyüğe doğru sıralanması
gerekir.
arctan( , ) ba şlangıçaçısıi i DM i DMx x y y
43. D) ROTA İYİLEŞTİRME
ALGORİTMALARI
Birinci yaklaşım olan rota içi iyileştirmede,
oluşturulmuş olan tek bir rotanın uzunluğu, bu rota
üzerinde yapılan yol değiştirme yardımı ile
kısaltılmaya çalışılır.
İkinci yaklaşım ise rotalar arası iyileştirme
yaklaşımıdır ve bu bölümde ele alınmayacaktır.
43
Birinci yaklaşım olan rota içi iyileştirmede,
oluşturulmuş olan tek bir rotanın uzunluğu, bu rota
üzerinde yapılan yol değiştirme yardımı ile
kısaltılmaya çalışılır.
İkinci yaklaşım ise rotalar arası iyileştirme
yaklaşımıdır ve bu bölümde ele alınmayacaktır.
44. D) ROTA İYİLEŞTİRME
ALGORİTMALARI
Yer değiştirmeyi bir rotaya uygulayabilmek için rota
en az 4 yoldan oluşmalıdır. Önceki çözümde Sadece
rota 2 bu özelliği taşıdığından, iyileştirmeyi sadece
rota 2’ye uygulayabiliriz.
En fazla tasarrufu, (5-1) yolu ile (3-DM) yollarını, (5-
3) ve (1-DM) yolları ile değiştirdiğimizde elde ederiz:
894+2600-1461-1600=443. Rota 2’nin toplam
uzunluğu ise 17681’den 17248’e düşmüştür.
44
Yer değiştirmeyi bir rotaya uygulayabilmek için rota
en az 4 yoldan oluşmalıdır. Önceki çözümde Sadece
rota 2 bu özelliği taşıdığından, iyileştirmeyi sadece
rota 2’ye uygulayabiliriz.
En fazla tasarrufu, (5-1) yolu ile (3-DM) yollarını, (5-
3) ve (1-DM) yolları ile değiştirdiğimizde elde ederiz:
894+2600-1461-1600=443. Rota 2’nin toplam
uzunluğu ise 17681’den 17248’e düşmüştür.