-
Arabic-Nougat: Fine-Tuning Vision Transformers for Arabic OCR and Markdown Extraction
Authors:
Mohamed Rashad
Abstract:
We present Arabic-Nougat, a suite of OCR models for converting Arabic book pages into structured Markdown text. Based on Meta's Nougat architecture, Arabic-Nougat includes three specialized models: arabic-small-nougat, arabic-base-nougat, and arabic-large-nougat. These models are fine-tuned on a synthetic dataset, arabic-img2md, comprising 13.7k pairs of Arabic book pages and their Markdown repres…
▽ More
We present Arabic-Nougat, a suite of OCR models for converting Arabic book pages into structured Markdown text. Based on Meta's Nougat architecture, Arabic-Nougat includes three specialized models: arabic-small-nougat, arabic-base-nougat, and arabic-large-nougat. These models are fine-tuned on a synthetic dataset, arabic-img2md, comprising 13.7k pairs of Arabic book pages and their Markdown representations. Key contributions include the Aranizer-PBE-86k tokenizer, designed for efficient tokenization, and the use of torch.bfloat16 precision with Flash Attention 2 for optimized training and inference. Our models achieve state-of-the-art performance, with arabic-large-nougat delivering the highest Markdown Structure Accuracy and the lowest Character Error Rate. Additionally, we release a large-scale dataset containing 1.1 billion Arabic tokens extracted from over 8,500 books using our best-performing model, providing a valuable resource for Arabic OCR research. All models, datasets, and code are open-sourced and available at https://github.com/MohamedAliRashad/arabic-nougat.
△ Less
Submitted 19 November, 2024;
originally announced November 2024.
-
TabVFL: Improving Latent Representation in Vertical Federated Learning
Authors:
Mohamed Rashad,
Zilong Zhao,
Jeremie Decouchant,
Lydia Y. Chen
Abstract:
Autoencoders are popular neural networks that are able to compress high dimensional data to extract relevant latent information. TabNet is a state-of-the-art neural network model designed for tabular data that utilizes an autoencoder architecture for training. Vertical Federated Learning (VFL) is an emerging distributed machine learning paradigm that allows multiple parties to train a model collab…
▽ More
Autoencoders are popular neural networks that are able to compress high dimensional data to extract relevant latent information. TabNet is a state-of-the-art neural network model designed for tabular data that utilizes an autoencoder architecture for training. Vertical Federated Learning (VFL) is an emerging distributed machine learning paradigm that allows multiple parties to train a model collaboratively on vertically partitioned data while maintaining data privacy. The existing design of training autoencoders in VFL is to train a separate autoencoder in each participant and aggregate the latent representation later. This design could potentially break important correlations between feature data of participating parties, as each autoencoder is trained on locally available features while disregarding the features of others. In addition, traditional autoencoders are not specifically designed for tabular data, which is ubiquitous in VFL settings. Moreover, the impact of client failures during training on the model robustness is under-researched in the VFL scene. In this paper, we propose TabVFL, a distributed framework designed to improve latent representation learning using the joint features of participants. The framework (i) preserves privacy by mitigating potential data leakage with the addition of a fully-connected layer, (ii) conserves feature correlations by learning one latent representation vector, and (iii) provides enhanced robustness against client failures during training phase. Extensive experiments on five classification datasets show that TabVFL can outperform the prior work design, with 26.12% of improvement on f1-score.
△ Less
Submitted 25 June, 2024; v1 submitted 27 April, 2024;
originally announced April 2024.
-
Dynamics Based Neural Encoding with Inter-Intra Region Connectivity
Authors:
Mai Gamal,
Mohamed Rashad,
Eman Ehab,
Seif Eldawlatly,
Mennatullah Siam
Abstract:
Extensive literature has drawn comparisons between recordings of biological neurons in the brain and deep neural networks. This comparative analysis aims to advance and interpret deep neural networks and enhance our understanding of biological neural systems. However, previous works did not consider the time aspect and how the encoding of video and dynamics in deep networks relate to the biologica…
▽ More
Extensive literature has drawn comparisons between recordings of biological neurons in the brain and deep neural networks. This comparative analysis aims to advance and interpret deep neural networks and enhance our understanding of biological neural systems. However, previous works did not consider the time aspect and how the encoding of video and dynamics in deep networks relate to the biological neural systems within a large-scale comparison. Towards this end, we propose the first large-scale study focused on comparing video understanding models with respect to the visual cortex recordings using video stimuli. The study encompasses more than two million regression fits, examining image vs. video understanding, convolutional vs. transformer-based and fully vs. self-supervised models. Additionally, we propose a novel neural encoding scheme to better encode biological neural systems. We provide key insights on how video understanding models predict visual cortex responses; showing video understanding better than image understanding models, convolutional models are better in the early-mid visual cortical regions than transformer based ones except for multiscale transformers, and that two-stream models are better than single stream. Furthermore, we propose a novel neural encoding scheme that is built on top of the best performing video understanding models, while incorporating inter-intra region connectivity across the visual cortex. Our neural encoding leverages the encoded dynamics from video stimuli, through utilizing two-stream networks and multiscale transformers, while taking connectivity priors into consideration. Our results show that merging both intra and inter-region connectivity priors increases the encoding performance over each one of them standalone or no connectivity priors. It also shows the necessity for encoding dynamics to fully benefit from such connectivity priors.
△ Less
Submitted 8 December, 2024; v1 submitted 19 February, 2024;
originally announced February 2024.
-
CreativeGAN: Editing Generative Adversarial Networks for Creative Design Synthesis
Authors:
Amin Heyrani Nobari,
Muhammad Fathy Rashad,
Faez Ahmed
Abstract:
Modern machine learning techniques, such as deep neural networks, are transforming many disciplines ranging from image recognition to language understanding, by uncovering patterns in big data and making accurate predictions. They have also shown promising results for synthesizing new designs, which is crucial for creating products and enabling innovation. Generative models, including generative a…
▽ More
Modern machine learning techniques, such as deep neural networks, are transforming many disciplines ranging from image recognition to language understanding, by uncovering patterns in big data and making accurate predictions. They have also shown promising results for synthesizing new designs, which is crucial for creating products and enabling innovation. Generative models, including generative adversarial networks (GANs), have proven to be effective for design synthesis with applications ranging from product design to metamaterial design. These automated computational design methods can support human designers, who typically create designs by a time-consuming process of iteratively exploring ideas using experience and heuristics. However, there are still challenges remaining in automatically synthesizing `creative' designs. GAN models, however, are not capable of generating unique designs, a key to innovation and a major gap in AI-based design automation applications. This paper proposes an automated method, named CreativeGAN, for generating novel designs. It does so by identifying components that make a design unique and modifying a GAN model such that it becomes more likely to generate designs with identified unique components. The method combines state-of-art novelty detection, segmentation, novelty localization, rewriting, and generative models for creative design synthesis. Using a dataset of bicycle designs, we demonstrate that the method can create new bicycle designs with unique frames and handles, and generalize rare novelties to a broad set of designs. Our automated method requires no human intervention and demonstrates a way to rethink creative design synthesis and exploration.
△ Less
Submitted 10 March, 2021;
originally announced March 2021.
-
Food Recommendation using Ontology and Heuristics
Authors:
M. A. El-Dosuky,
M. Z. Rashad,
T. T. Hamza,
A. H. EL-Bassiouny
Abstract:
Recommender systems are needed to find food items of ones interest. We review recommender systems and recommendation methods. We propose a food personalization framework based on adaptive hypermedia. We extend Hermes framework with food recommendation functionality. We combine TF-IDF term extraction method with cosine similarity measure. Healthy heuristics and standard food database are incorporat…
▽ More
Recommender systems are needed to find food items of ones interest. We review recommender systems and recommendation methods. We propose a food personalization framework based on adaptive hypermedia. We extend Hermes framework with food recommendation functionality. We combine TF-IDF term extraction method with cosine similarity measure. Healthy heuristics and standard food database are incorporated into the knowledgebase. Based on the performed evaluation, we conclude that semantic recommender systems in general outperform traditional recommenders systems with respect to accuracy, precision, and recall, and that the proposed recommender has a better F-measure than existing semantic recommenders.
△ Less
Submitted 5 December, 2013;
originally announced December 2013.
-
Visualization of Job Scheduling in Grid Computers
Authors:
M A Awad,
M Z Rashad,
M A Elsoud,
M A El-dosuky
Abstract:
One of the hot problems in grid computing is job scheduling. It is known that the job scheduling is NP-complete, and thus the use of heuristics is the de facto approach to deal with this practice in its difficulty. The proposed is an imagination to fish swarm, job dispatcher and Visualization gridsim to execute some jobs.
One of the hot problems in grid computing is job scheduling. It is known that the job scheduling is NP-complete, and thus the use of heuristics is the de facto approach to deal with this practice in its difficulty. The proposed is an imagination to fish swarm, job dispatcher and Visualization gridsim to execute some jobs.
△ Less
Submitted 2 August, 2013;
originally announced August 2013.
-
Q#, a quantum computation package for the .NET platform
Authors:
A. S. Tolba,
M. Z. Rashad,
M. A. El-Dosuky
Abstract:
Quantum computing is a promising approach of computation that is based on equations from Quantum Mechanics. A simulator for quantum algorithms must be capable of performing heavy mathematical matrix transforms. The design of the simulator itself takes one of three forms: Quantum Turing Machine, Network Model or circuit model of connected gates or, Quantum Programming Language, yet, some simulators…
▽ More
Quantum computing is a promising approach of computation that is based on equations from Quantum Mechanics. A simulator for quantum algorithms must be capable of performing heavy mathematical matrix transforms. The design of the simulator itself takes one of three forms: Quantum Turing Machine, Network Model or circuit model of connected gates or, Quantum Programming Language, yet, some simulators are hybrid. We studied previous simulators and then we adopt features from three simulators of different implementation languages, different paradigms, and for different platforms. They are Quantum Computing Language (QCL), QUASI, and Quantum Optics Toolbox for Matlab 5. Our simulator for quantum algorithms takes the form of a package or a programming library for Quantum computing, with a case study showing the ability of using it in the circuit model. The .NET is a promising platform for computing. VB.NET is an easy, high productive programming language with the full power and functionality provided by the .NET framework. It is highly readable, writeable, and flexible language, compared to another language such as C#.NET in many aspects. We adopted VB.NET although its shortage in built-in mathematical complex and matrix operations, compared to Matlab. For implementation, we first built a mathematical core of matrix operations. Then, we built a quantum core which contains: basic qubits and register operations, basic 1D, 2D, and 3D quantum gates, and multi-view visualization of the quantum state, then a window for demos to show you how to use and get the most of the package.
△ Less
Submitted 20 February, 2013;
originally announced February 2013.
-
Quantum-inspired Huffman Coding
Authors:
A. S. Tolba,
M. Z. Rashad,
M. A. El-Dosuky
Abstract:
Huffman Compression, also known as Huffman Coding, is one of many compression techniques in use today. The two important features of Huffman coding are instantaneousness that is the codes can be interpreted as soon as they are received and variable length that is a most frequent symbol has length smaller than a less frequent symbol. The traditional Huffman coding has two procedures: constructing a…
▽ More
Huffman Compression, also known as Huffman Coding, is one of many compression techniques in use today. The two important features of Huffman coding are instantaneousness that is the codes can be interpreted as soon as they are received and variable length that is a most frequent symbol has length smaller than a less frequent symbol. The traditional Huffman coding has two procedures: constructing a tree in O(n^2) and then traversing it in O(n). Quantum computing is a promising approach of computation that is based on equations from Quantum Mechanics. Instantaneousness and variable length features are difficult to generalize to the quantum case. The quantum coding field is pioneered by Schumacher works on block coding scheme. To encode N signals sequentially, it requires O(N3) computational steps. The encoding and decoding processes are far from instantaneous. Moreover, the lengths of all the codewords are the same. A Huffman-coding-inspired scheme for the storage of quantum information takes O(N(log N)a) computational steps for a sequential implementation on non-parallel machines.
△ Less
Submitted 20 February, 2013;
originally announced February 2013.
-
Collaborating Robotics Using Nature-Inspired Meta-Heuristics
Authors:
M. A. El-Dosuky,
M. Z. Rashad,
T. T. Hamza,
A. H. EL-Bassiouny
Abstract:
This paper introduces collaborating robots which provide the possibility of enhanced task performance, high reliability and decreased. Collaborating-bots are a collection of mobile robots able to self-assemble and to self-organize in order to solve problems that cannot be solved by a single robot. These robots combine the power of swarm intelligence with the flexibility of self-reconfiguration as…
▽ More
This paper introduces collaborating robots which provide the possibility of enhanced task performance, high reliability and decreased. Collaborating-bots are a collection of mobile robots able to self-assemble and to self-organize in order to solve problems that cannot be solved by a single robot. These robots combine the power of swarm intelligence with the flexibility of self-reconfiguration as aggregate Collaborating-bots can dynamically change their structure to match environmental variations. Collaborating robots are more than just networks of independent agents, they are potentially reconfigurable networks of communicating agents capable of coordinated sensing and interaction with the environment. Robots are going to be an important part of the future. Collaborating robots are limited in individual capability, but robots deployed in large numbers can represent a strong force similar to a colony of ants or swarm of bees. We present a mechanism for collaborating robots based on swarm intelligence such as Ant colony optimization and Particle swarm Optimization
△ Less
Submitted 23 December, 2012;
originally announced December 2012.
-
Improving problem solving by exploiting the concept of symmetry
Authors:
M. A. El-Dosuky,
M. Z. Rashad,
T. T. Hamza,
A. H. EL-Bassiouny
Abstract:
We investigate the concept of symmetry and its role in problem solving. This paper first defines precisely the elements that constitute a "problem" and its "solution," and gives several examples to illustrate these definitions. Given precise definitions of problems, it is relatively straightforward to construct a search process for finding solutions. Finally this paper attempts to exploit the conc…
▽ More
We investigate the concept of symmetry and its role in problem solving. This paper first defines precisely the elements that constitute a "problem" and its "solution," and gives several examples to illustrate these definitions. Given precise definitions of problems, it is relatively straightforward to construct a search process for finding solutions. Finally this paper attempts to exploit the concept of symmetry in improving problem solving.
△ Less
Submitted 4 March, 2013; v1 submitted 23 December, 2012;
originally announced December 2012.
-
New SpiroPlanck Heuristics for High Energy Physics Networking and Future Internet Testbeds
Authors:
M. A. El-Dosuky,
M. Z. Rashad,
T. T. Hamza,
A. H. EL-Bassiouny
Abstract:
The need for data intensive Grids, and advanced networks with high performance that support our science has made the High Energy Physics community a leading and a key co-developer of leading edge wide area networks. This paper gives an overview of the status for the world's research networks and major international links used by the high energy physics and other scientific communities, showing som…
▽ More
The need for data intensive Grids, and advanced networks with high performance that support our science has made the High Energy Physics community a leading and a key co-developer of leading edge wide area networks. This paper gives an overview of the status for the world's research networks and major international links used by the high energy physics and other scientific communities, showing some Future Internet testbed architectures, scalability, geographic scope, and extension between networks. The resemblance between wireless sensor network and future internet network, especially in scale consideration as density and network coverage, inspires us to adopt the models of the former to the later. Then we test this assumption to see that this provides a concise working model. This paper collects some heuristics that we call them SpiroPlanck and employs them to model the coverage of dense networks. In this paper, we propose a framework for the operation of FI testbeds containing a test scenario, new representation and visualization techniques, and possible performance measures. Investigations show that it is very promising and could be seen as a good optimization
△ Less
Submitted 7 December, 2012;
originally announced December 2012.
-
Spike and Tyke, the Quantized Neuron Model
Authors:
M. A. El-Dosuky,
M. Z. Rashad,
T. T. Hamza,
A. H. EL-Bassiouny
Abstract:
Modeling spike firing assumes that spiking statistics are Poisson, but real data violates this assumption. To capture non-Poissonian features, in order to fix the inevitable inherent irregularity, researchers rescale the time axis with tedious computational overhead instead of searching for another distribution. Spikes or action potentials are precisely-timed changes in the ionic transport through…
▽ More
Modeling spike firing assumes that spiking statistics are Poisson, but real data violates this assumption. To capture non-Poissonian features, in order to fix the inevitable inherent irregularity, researchers rescale the time axis with tedious computational overhead instead of searching for another distribution. Spikes or action potentials are precisely-timed changes in the ionic transport through synapses adjusting the synaptic weight, successfully modeled and developed as a memristor. Memristance value is multiples of initial resistance. This reminds us with the foundations of quantum mechanics. We try to quantize potential and resistance, as done with energy. After reviewing Planck curve for blackbody radiation, we propose the quantization equations. We introduce and prove a theorem that quantizes the resistance. Then we define the tyke showing its basic characteristics. Finally we give the basic transformations to model spiking and link an energy quantum to a tyke. Investigation shows how this perfectly models the neuron spiking, with over 97% match.
△ Less
Submitted 4 March, 2013; v1 submitted 7 December, 2012;
originally announced December 2012.
-
New Heuristics for Interfacing Human Motor System using Brain Waves
Authors:
Mohammed El-Dosuky,
Ahmed EL-Bassiouny,
Taher Hamza,
Magdy Rashad
Abstract:
There are many new forms of interfacing human users to machines. We persevere here electric mechanical form of interaction between human and machine. The emergence of brain-computer interface allows mind-to-movement systems. The story of the Pied Piper inspired us to devise some new heuristics for interfacing human motor system using brain waves by combining head helmet and LumbarMotionMonitor For…
▽ More
There are many new forms of interfacing human users to machines. We persevere here electric mechanical form of interaction between human and machine. The emergence of brain-computer interface allows mind-to-movement systems. The story of the Pied Piper inspired us to devise some new heuristics for interfacing human motor system using brain waves by combining head helmet and LumbarMotionMonitor For the simulation we use java GridGain Brain responses of classified subjects during training indicates that Probe can be the best stimulus to rely on in distinguishing between knowledgeable and not knowledgeable
△ Less
Submitted 23 November, 2012;
originally announced November 2012.
-
New Hoopoe Heuristic Optimization
Authors:
Mohammed El-Dosuky,
Ahmed EL-Bassiouny,
Taher Hamza,
Magdy Rashad
Abstract:
Most optimization problems in real life applications are often highly nonlinear. Local optimization algorithms do not give the desired performance. So, only global optimization algorithms should be used to obtain optimal solutions. This paper introduces a new nature-inspired metaheuristic optimization algorithm, called Hoopoe Heuristic (HH). In this paper, we will study HH and validate it against…
▽ More
Most optimization problems in real life applications are often highly nonlinear. Local optimization algorithms do not give the desired performance. So, only global optimization algorithms should be used to obtain optimal solutions. This paper introduces a new nature-inspired metaheuristic optimization algorithm, called Hoopoe Heuristic (HH). In this paper, we will study HH and validate it against some test functions. Investigations show that it is very promising and could be seen as an optimization of the powerful algorithm of cuckoo search. Finally, we discuss the features of Hoopoe Heuristic and propose topics for further studies.
△ Less
Submitted 23 November, 2012;
originally announced November 2012.
-
Obesity Heuristic, New Way On Artificial Immune Systems
Authors:
Mohammed El-Dosuky,
Ahmed EL-Bassiouny,
Taher Hamza,
Magdy Rashad
Abstract:
There is a need for new metaphors from immunology to flourish the application areas of Artificial Immune Systems. A metaheuristic called Obesity Heuristic derived from advances in obesity treatment is proposed. The main forces of the algorithm are the generation omega-6 and omega-3 fatty acids. The algorithm works with Just-In-Time philosophy; by starting only when desired. A case study of data cl…
▽ More
There is a need for new metaphors from immunology to flourish the application areas of Artificial Immune Systems. A metaheuristic called Obesity Heuristic derived from advances in obesity treatment is proposed. The main forces of the algorithm are the generation omega-6 and omega-3 fatty acids. The algorithm works with Just-In-Time philosophy; by starting only when desired. A case study of data cleaning is provided. With experiments conducted on standard tables, results show that Obesity Heuristic outperforms other algorithms, with 100% recall. This is a great improvement over other algorithms
△ Less
Submitted 23 November, 2012;
originally announced November 2012.
-
Simulated Tom Thumb, the Rule Of Thumb for Autonomous Robots
Authors:
M. A. El-Dosuky,
M. Z. Rashad,
T. T. Hamza,
A. H. EL-Bassiouny
Abstract:
For a mobile robot to be truly autonomous, it must solve the simultaneous localization and mapping (SLAM) problem. We develop a new metaheuristic algorithm called Simulated Tom Thumb (STT), based on the detailed adventure of the clever Tom Thumb and advances in researches relating to path planning based on potential functions. Investigations show that it is very promising and could be seen as an o…
▽ More
For a mobile robot to be truly autonomous, it must solve the simultaneous localization and mapping (SLAM) problem. We develop a new metaheuristic algorithm called Simulated Tom Thumb (STT), based on the detailed adventure of the clever Tom Thumb and advances in researches relating to path planning based on potential functions. Investigations show that it is very promising and could be seen as an optimization of the powerful solution of SLAM with data association and learning capabilities. STT outperform JCBB. The performance is 100 % match.
△ Less
Submitted 8 October, 2012;
originally announced October 2012.
-
Robopinion: Opinion Mining Framework Inspired by Autonomous Robot Navigation
Authors:
M. A. El-Dosuky,
M. Z. Rashad,
T. T. Hamza,
A. H. EL-Bassiouny
Abstract:
Data association methods are used by autonomous robots to find matches between the current landmarks and the new set of observed features. We seek a framework for opinion mining to benefit from advancements in autonomous robot navigation in both research and development
Data association methods are used by autonomous robots to find matches between the current landmarks and the new set of observed features. We seek a framework for opinion mining to benefit from advancements in autonomous robot navigation in both research and development
△ Less
Submitted 3 September, 2012;
originally announced September 2012.
-
Go Heuristics for Coverage of Dense Wireless Sensor Networks
Authors:
M. A. El-Dosuky,
M. Z. Rashad,
T. T. Hamza,
A. H. EL-Bassiouny
Abstract:
This paper collects heuristics of Go Game and employs them to achieve coverage of dense wireless sensor networks. In this paper, we propose an algorithm based on Go heuristics and validate it. Investigations show that it is very promising and could be seen as a good optimization. Keywords: Go Heuristics, Wireless Sensor Networks, Coverage, Density
This paper collects heuristics of Go Game and employs them to achieve coverage of dense wireless sensor networks. In this paper, we propose an algorithm based on Go heuristics and validate it. Investigations show that it is very promising and could be seen as a good optimization. Keywords: Go Heuristics, Wireless Sensor Networks, Coverage, Density
△ Less
Submitted 22 June, 2012;
originally announced June 2012.
-
Iris Recognition Based on LBP and Combined LVQ Classifier
Authors:
M. Y. Shams,
M. Z. Rashad,
O. Nomir,
R. M. El-Awady
Abstract:
Iris recognition is considered as one of the best biometric methods used for human identification and verification, this is because of its unique features that differ from one person to another, and its importance in the security field. This paper proposes an algorithm for iris recognition and classification using a system based on Local Binary Pattern and histogram properties as a statistical app…
▽ More
Iris recognition is considered as one of the best biometric methods used for human identification and verification, this is because of its unique features that differ from one person to another, and its importance in the security field. This paper proposes an algorithm for iris recognition and classification using a system based on Local Binary Pattern and histogram properties as a statistical approaches for feature extraction, and Combined Learning Vector Quantization Classifier as Neural Network approach for classification, in order to build a hybrid model depends on both features. The localization and segmentation techniques are presented using both Canny edge detection and Hough Circular Transform in order to isolate an iris from the whole eye image and for noise detection .Feature vectors results from LBP is applied to a Combined LVQ classifier with different classes to determine the minimum acceptable performance, and the result is based on majority voting among several LVQ classifier. Different iris datasets CASIA, MMU1, MMU2, and LEI with different extensions and size are presented. Since LBP is working on a grayscale level so colored iris images should be transformed into a grayscale level. The proposed system gives a high recognition rate 99.87 % on different iris datasets compared with other methods.
△ Less
Submitted 7 November, 2011;
originally announced November 2011.
-
Overcoming Misleads In Logic Programs by Redefining Negation
Authors:
M. A. El-Dosuky,
T. T. Hamza,
M. Z. Rashad,
A. H. Naguib
Abstract:
Negation as failure and incomplete information in logic programs have been studied by many researchers In order to explains HOW a negated conclusion was reached, we introduce and proof a different way for negating facts to overcoming misleads in logic programs. Negating facts can be achieved by asking the user for constants that do not appear elsewhere in the knowledge base.
Negation as failure and incomplete information in logic programs have been studied by many researchers In order to explains HOW a negated conclusion was reached, we introduce and proof a different way for negating facts to overcoming misleads in logic programs. Negating facts can be achieved by asking the user for constants that do not appear elsewhere in the knowledge base.
△ Less
Submitted 4 March, 2013; v1 submitted 30 May, 2011;
originally announced May 2011.